diff --git a/docs/api/models/pyhealth.models.RNN.rst b/docs/api/models/pyhealth.models.RNN.rst index d90f2d48a..3f264c176 100644 --- a/docs/api/models/pyhealth.models.RNN.rst +++ b/docs/api/models/pyhealth.models.RNN.rst @@ -10,6 +10,11 @@ The separate callable RNNLayer and the complete RNN model. :show-inheritance: .. autoclass:: pyhealth.models.RNN + :members: + :undoc-members: + :show-inheritance: + +.. autoclass:: pyhealth.models.MultimodalRNN :members: :undoc-members: :show-inheritance: \ No newline at end of file diff --git a/examples/drug_recommendation/drug_recommendation_eICU_transformer.py b/examples/drug_recommendation/drug_recommendation_eICU_transformer.py deleted file mode 100644 index e70019504..000000000 --- a/examples/drug_recommendation/drug_recommendation_eICU_transformer.py +++ /dev/null @@ -1,117 +0,0 @@ -from pyhealth.datasets import eICUDataset -from pyhealth.datasets import split_by_patient, get_dataloader -from pyhealth.models import Transformer -from pyhealth.tasks import drug_recommendation_eicu_fn -from pyhealth.trainer import Trainer - -# STEP 1: load data -base_dataset = eICUDataset( - root="/srv/local/data/physionet.org/files/eicu-crd/2.0", - tables=["diagnosis", "medication", "physicalExam"], - dev=False, - refresh_cache=True, -) -base_dataset.stat() - -# STEP 2: set task - -from pyhealth.data import Visit, Patient - - -def drug_recommendation_eicu_fn(patient: Patient): - """Processes a single patient for the drug recommendation task. - - Drug recommendation aims at recommending a set of drugs given the patient health - history (e.g., conditions and procedures). - - Args: - patient: a Patient object - - Returns: - samples: a list of samples, each sample is a dict with patient_id, visit_id, - and other task-specific attributes as key - - Examples: - >>> from pyhealth.datasets import eICUDataset - >>> eicu_base = eICUDataset( - ... root="/srv/local/data/physionet.org/files/eicu-crd/2.0", - ... tables=["diagnosis", "medication"], - ... code_mapping={}, - ... dev=True - ... ) - >>> from pyhealth.tasks import drug_recommendation_eicu_fn - >>> eicu_sample = eicu_base.set_task(drug_recommendation_eicu_fn) - >>> eicu_sample.samples[0] - [{'visit_id': '130744', 'patient_id': '103', 'conditions': [['42', '109', '98', '663', '58', '51']], 'procedures': [['1']], 'label': [['2', '3', '4']]}] - """ - samples = [] - for i in range(len(patient)): - visit: Visit = patient[i] - conditions = visit.get_code_list(table="diagnosis") - procedures = visit.get_code_list(table="physicalExam") - drugs = visit.get_code_list(table="medication") - # exclude: visits without condition, procedure, or drug code - if len(conditions) * len(procedures) * len(drugs) == 0: - continue - # TODO: should also exclude visit with age < 18 - samples.append( - { - "visit_id": visit.visit_id, - "patient_id": patient.patient_id, - "conditions": conditions, - "procedures": procedures, - "drugs": drugs, - "drugs_all": drugs, - } - ) - # exclude: patients with less than 2 visit - if len(samples) < 2: - return [] - # add history - samples[0]["conditions"] = [samples[0]["conditions"]] - samples[0]["procedures"] = [samples[0]["procedures"]] - samples[0]["drugs_all"] = [samples[0]["drugs_all"]] - - for i in range(1, len(samples)): - samples[i]["conditions"] = samples[i - 1]["conditions"] + [ - samples[i]["conditions"] - ] - samples[i]["procedures"] = samples[i - 1]["procedures"] + [ - samples[i]["procedures"] - ] - samples[i]["drugs_all"] = samples[i - 1]["drugs_all"] + [ - samples[i]["drugs_all"] - ] - - return samples - - -sample_dataset = base_dataset.set_task(drug_recommendation_eicu_fn) -sample_dataset.stat() - -train_dataset, val_dataset, test_dataset = split_by_patient( - sample_dataset, [0.8, 0.1, 0.1] -) -train_dataloader = get_dataloader(train_dataset, batch_size=32, shuffle=True) -val_dataloader = get_dataloader(val_dataset, batch_size=32, shuffle=False) -test_dataloader = get_dataloader(test_dataset, batch_size=32, shuffle=False) - -# STEP 3: define model -model = Transformer( - dataset=sample_dataset, - feature_keys=["conditions", "procedures"], - label_key="drugs", - mode="multilabel", -) - -# STEP 4: define trainer -trainer = Trainer(model=model) -trainer.train( - train_dataloader=train_dataloader, - val_dataloader=val_dataloader, - epochs=50, - monitor="pr_auc_samples", -) - -# STEP 5: evaluate -print (trainer.evaluate(test_dataloader)) diff --git a/examples/drug_recommendation/drug_recommendation_eicu_transformer.py b/examples/drug_recommendation/drug_recommendation_eicu_transformer.py new file mode 100644 index 000000000..fb71eaaa0 --- /dev/null +++ b/examples/drug_recommendation/drug_recommendation_eicu_transformer.py @@ -0,0 +1,74 @@ +""" +Drug Recommendation on eICU with Transformer + +This example demonstrates how to use the modernized eICUDataset with the +DrugRecommendationEICU task class for drug recommendation using a Transformer model. + +Features: +- Uses the new BaseDataset-based eICUDataset with YAML configuration +- Uses the new DrugRecommendationEICU BaseTask class +- Demonstrates the standardized PyHealth workflow +""" + +import tempfile + +from pyhealth.datasets import eICUDataset +from pyhealth.datasets import split_by_patient, get_dataloader +from pyhealth.models import Transformer +from pyhealth.tasks import DrugRecommendationEICU +from pyhealth.trainer import Trainer + + +if __name__ == "__main__": + # Use tempfile to automate cleanup + cache_dir = tempfile.TemporaryDirectory() + + # STEP 1: Load dataset + # Replace with your eICU dataset path + base_dataset = eICUDataset( + root="/srv/local/data/physionet.org/files/eicu-crd/2.0", + tables=["diagnosis", "medication", "physicalexam"], + cache_dir=cache_dir.name + ) + base_dataset.stats() + + # STEP 2: Set task using the new DrugRecommendationEICU class + task = DrugRecommendationEICU() + sample_dataset = base_dataset.set_task(task) + sample_dataset.stats() + + # STEP 3: Split and create dataloaders + train_dataset, val_dataset, test_dataset = split_by_patient( + sample_dataset, [0.8, 0.1, 0.1] + ) + train_dataloader = get_dataloader(train_dataset, batch_size=32, shuffle=True) + val_dataloader = get_dataloader(val_dataset, batch_size=32, shuffle=False) + test_dataloader = get_dataloader(test_dataset, batch_size=32, shuffle=False) + + # STEP 4: Define model + model = Transformer( + dataset=sample_dataset, + feature_keys=["conditions", "procedures", "drugs_hist"], + label_key="drugs", + mode="multilabel", + ) + + # STEP 5: Train + trainer = Trainer(model=model) + trainer.train( + train_dataloader=train_dataloader, + val_dataloader=val_dataloader, + epochs=50, + monitor="pr_auc_samples", + ) + + # STEP 6: Evaluate + print(trainer.evaluate(test_dataloader)) + + # Cleanup + sample_dataset.close() + + + + + diff --git a/examples/length_of_stay/length_of_stay_eicu_rnn.py b/examples/length_of_stay/length_of_stay_eicu_rnn.py new file mode 100644 index 000000000..62a3ecab8 --- /dev/null +++ b/examples/length_of_stay/length_of_stay_eicu_rnn.py @@ -0,0 +1,88 @@ +""" +Length of Stay Prediction on eICU with RNN + +This example demonstrates how to use the modernized eICUDataset with the +LengthOfStayPredictioneICU task class for predicting ICU length of stay +using an RNN model. + +Length of stay is categorized into 10 classes: +- 0: < 1 day +- 1: 1 day +- 2: 2 days +- 3: 3 days +- 4: 4 days +- 5: 5 days +- 6: 6 days +- 7: 7 days +- 8: 1-2 weeks +- 9: > 2 weeks + +Features: +- Uses the new BaseDataset-based eICUDataset with YAML configuration +- Uses the LengthOfStayPredictioneICU BaseTask class +- Demonstrates the standardized PyHealth workflow +""" + +import tempfile + +from pyhealth.datasets import eICUDataset +from pyhealth.datasets import split_by_patient, get_dataloader +from pyhealth.models import RNN +from pyhealth.tasks import LengthOfStayPredictioneICU +from pyhealth.trainer import Trainer + + +if __name__ == "__main__": + # Use tempfile to automate cleanup + cache_dir = tempfile.TemporaryDirectory() + + # STEP 1: Load dataset + # Replace with your eICU dataset path + base_dataset = eICUDataset( + root="/srv/local/data/physionet.org/files/eicu-crd/2.0", + tables=["diagnosis", "medication", "physicalexam"], + cache_dir=cache_dir.name + dev=True, + ) + base_dataset.stats() + + # STEP 2: Set task using LengthOfStayPredictioneICU + task = LengthOfStayPredictioneICU() + sample_dataset = base_dataset.set_task(task) + sample_dataset.stats() + + # STEP 3: Split and create dataloaders + train_dataset, val_dataset, test_dataset = split_by_patient( + sample_dataset, [0.8, 0.1, 0.1] + ) + train_dataloader = get_dataloader(train_dataset, batch_size=32, shuffle=True) + val_dataloader = get_dataloader(val_dataset, batch_size=32, shuffle=False) + test_dataloader = get_dataloader(test_dataset, batch_size=32, shuffle=False) + + # STEP 4: Define model + model = RNN( + dataset=sample_dataset, + feature_keys=["conditions", "procedures", "drugs"], + label_key="los", + mode="multiclass", + ) + + # STEP 5: Train + trainer = Trainer(model=model) + trainer.train( + train_dataloader=train_dataloader, + val_dataloader=val_dataloader, + epochs=20, + monitor="accuracy", + ) + + # STEP 6: Evaluate + print(trainer.evaluate(test_dataloader)) + + # Cleanup + sample_dataset.close() + + + + + diff --git a/examples/mortality_prediction/mortality_mimic4_multimodal_rnn.py b/examples/mortality_prediction/mortality_mimic4_multimodal_rnn.py new file mode 100644 index 000000000..1360ddb46 --- /dev/null +++ b/examples/mortality_prediction/mortality_mimic4_multimodal_rnn.py @@ -0,0 +1,176 @@ +""" +Mortality Prediction on MIMIC-IV with MultimodalRNN + +This example demonstrates how to use the MultimodalRNN model with mixed +input modalities for in-hospital mortality prediction on MIMIC-IV. + +The MultimodalRNN model can handle: +- Sequential features (diagnoses, procedures, lab timeseries) → RNN processing +- Non-sequential features (demographics, static measurements) → Direct embedding + +This example shows: +1. Loading MIMIC-IV data with mixed feature types +2. Applying a mortality prediction task +3. Training a MultimodalRNN model with both sequential and non-sequential inputs +4. Evaluating the model performance +""" + +from pyhealth.datasets import MIMIC4Dataset +from pyhealth.datasets import split_by_patient, get_dataloader +from pyhealth.models import MultimodalRNN +from pyhealth.tasks import InHospitalMortalityMIMIC4 +from pyhealth.trainer import Trainer + + +if __name__ == "__main__": + # STEP 1: Load MIMIC-IV base dataset + print("=" * 60) + print("STEP 1: Loading MIMIC-IV Dataset") + print("=" * 60) + + base_dataset = MIMIC4Dataset( + ehr_root="/srv/local/data/physionet.org/files/mimiciv/2.2/", + ehr_tables=["diagnoses_icd", "procedures_icd", "labevents"], + dev=True, # Use development mode for faster testing + num_workers=4, + ) + base_dataset.stats() + + # STEP 2: Apply mortality prediction task with multimodal features + print("\n" + "=" * 60) + print("STEP 2: Setting Mortality Prediction Task") + print("=" * 60) + + # Use the InHospitalMortalityMIMIC4 task + # This task will create sequential features from diagnoses, procedures, and labs + task = InHospitalMortalityMIMIC4() + sample_dataset = base_dataset.set_task( + task, + num_workers=4, + ) + + print(f"\nTotal samples: {len(sample_dataset)}") + print(f"Input schema: {sample_dataset.input_schema}") + print(f"Output schema: {sample_dataset.output_schema}") + + # Inspect a sample + if len(sample_dataset) > 0: + sample = sample_dataset[0] + print("\nSample structure:") + print(f" Patient ID: {sample['patient_id']}") + for key in sample_dataset.input_schema.keys(): + if key in sample: + if isinstance(sample[key], (list, tuple)): + print(f" {key}: length {len(sample[key])}") + else: + print(f" {key}: {type(sample[key])}") + print(f" Mortality: {sample.get('mortality', 'N/A')}") + + # STEP 3: Split dataset + print("\n" + "=" * 60) + print("STEP 3: Splitting Dataset") + print("=" * 60) + + train_dataset, val_dataset, test_dataset = split_by_patient( + sample_dataset, [0.8, 0.1, 0.1] + ) + + print(f"Train samples: {len(train_dataset)}") + print(f"Val samples: {len(val_dataset)}") + print(f"Test samples: {len(test_dataset)}") + + # Create dataloaders + train_loader = get_dataloader(train_dataset, batch_size=64, shuffle=True) + val_loader = get_dataloader(val_dataset, batch_size=64, shuffle=False) + test_loader = get_dataloader(test_dataset, batch_size=64, shuffle=False) + + # STEP 4: Initialize MultimodalRNN model + print("\n" + "=" * 60) + print("STEP 4: Initializing MultimodalRNN Model") + print("=" * 60) + + model = MultimodalRNN( + dataset=sample_dataset, + embedding_dim=128, + hidden_dim=128, + rnn_type="GRU", + num_layers=2, + dropout=0.3, + bidirectional=False, + ) + + num_params = sum(p.numel() for p in model.parameters()) + print(f"Model initialized with {num_params:,} parameters") + + # Print feature classification + print(f"\nSequential features (RNN processing): {model.sequential_features}") + print(f"Non-sequential features (direct embedding): {model.non_sequential_features}") + + # Calculate expected embedding dimensions + seq_dim = len(model.sequential_features) * model.hidden_dim + non_seq_dim = len(model.non_sequential_features) * model.embedding_dim + total_dim = seq_dim + non_seq_dim + print(f"\nPatient representation dimension:") + print(f" Sequential contribution: {seq_dim}") + print(f" Non-sequential contribution: {non_seq_dim}") + print(f" Total: {total_dim}") + + # STEP 5: Train the model + print("\n" + "=" * 60) + print("STEP 5: Training Model") + print("=" * 60) + + trainer = Trainer( + model=model, + device="cuda:0", # Change to "cpu" if no GPU available + metrics=["pr_auc", "roc_auc", "accuracy", "f1"], + ) + + trainer.train( + train_dataloader=train_loader, + val_dataloader=val_loader, + epochs=10, + monitor="roc_auc", + optimizer_params={"lr": 1e-3}, + ) + + # STEP 6: Evaluate on test set + print("\n" + "=" * 60) + print("STEP 6: Evaluating on Test Set") + print("=" * 60) + + results = trainer.evaluate(test_loader) + print("\nTest Results:") + for metric, value in results.items(): + print(f" {metric}: {value:.4f}") + + # STEP 7: Demonstrate model predictions + print("\n" + "=" * 60) + print("STEP 7: Sample Predictions") + print("=" * 60) + + import torch + + sample_batch = next(iter(test_loader)) + with torch.no_grad(): + output = model(**sample_batch) + + print(f"\nBatch size: {output['y_prob'].shape[0]}") + print(f"First 10 predicted probabilities:") + for i, (prob, true_label) in enumerate( + zip(output['y_prob'][:10], output['y_true'][:10]) + ): + print(f" Sample {i+1}: prob={prob.item():.4f}, true={int(true_label.item())}") + + # Summary + print("\n" + "=" * 60) + print("SUMMARY: MultimodalRNN Training Complete") + print("=" * 60) + print(f"Model: MultimodalRNN") + print(f"Dataset: MIMIC-IV") + print(f"Task: In-Hospital Mortality Prediction") + print(f"Sequential features: {len(model.sequential_features)}") + print(f"Non-sequential features: {len(model.non_sequential_features)}") + print(f"Best validation ROC-AUC: {max(results.get('roc_auc', 0), 0):.4f}") + print("=" * 60) + diff --git a/examples/mortality_prediction/mortality_prediction_eicu_rnn.py b/examples/mortality_prediction/mortality_prediction_eicu_rnn.py new file mode 100644 index 000000000..a83463cd2 --- /dev/null +++ b/examples/mortality_prediction/mortality_prediction_eicu_rnn.py @@ -0,0 +1,76 @@ +""" +Mortality Prediction on eICU with RNN + +This example demonstrates how to use the modernized eICUDataset with the +MortalityPredictionEICU task class for in-hospital mortality prediction +using an RNN model. + +Features: +- Uses the new BaseDataset-based eICUDataset with YAML configuration +- Uses the MortalityPredictionEICU BaseTask class +- Demonstrates the standardized PyHealth workflow +""" + +import tempfile + +from pyhealth.datasets import eICUDataset +from pyhealth.datasets import split_by_patient, get_dataloader +from pyhealth.models import RNN +from pyhealth.tasks import MortalityPredictionEICU +from pyhealth.trainer import Trainer + + +if __name__ == "__main__": + # Use tempfile to automate cleanup + cache_dir = tempfile.TemporaryDirectory() + + # STEP 1: Load dataset + # Replace with your eICU dataset path + base_dataset = eICUDataset( + root="/srv/local/data/physionet.org/files/eicu-crd/2.0", + tables=["diagnosis", "medication", "physicalexam"], + cache_dir=cache_dir.name + ) + base_dataset.stats() + + # STEP 2: Set task using MortalityPredictionEICU + # By default, patients under 18 are excluded + task = MortalityPredictionEICU() + sample_dataset = base_dataset.set_task(task) + sample_dataset.stats() + + # STEP 3: Split and create dataloaders + train_dataset, val_dataset, test_dataset = split_by_patient( + sample_dataset, [0.8, 0.1, 0.1] + ) + train_dataloader = get_dataloader(train_dataset, batch_size=32, shuffle=True) + val_dataloader = get_dataloader(val_dataset, batch_size=32, shuffle=False) + test_dataloader = get_dataloader(test_dataset, batch_size=32, shuffle=False) + + # STEP 4: Define model + model = RNN( + dataset=sample_dataset, + feature_keys=["conditions", "procedures", "drugs"], + label_key="mortality", + mode="binary", + ) + + # STEP 5: Train + trainer = Trainer(model=model) + trainer.train( + train_dataloader=train_dataloader, + val_dataloader=val_dataloader, + epochs=20, + monitor="roc_auc", + ) + + # STEP 6: Evaluate + print(trainer.evaluate(test_dataloader)) + + # Cleanup + sample_dataset.close() + + + + + diff --git a/examples/readmission/readmission_eicu_rnn.py b/examples/readmission/readmission_eicu_rnn.py new file mode 100644 index 000000000..4e427ee36 --- /dev/null +++ b/examples/readmission/readmission_eicu_rnn.py @@ -0,0 +1,78 @@ +""" +Readmission Prediction on eICU with RNN + +This example demonstrates how to use the modernized eICUDataset with the +ReadmissionPredictionEICU task class for predicting hospital readmission +using an RNN model. + +Features: +- Uses the new BaseDataset-based eICUDataset with YAML configuration +- Uses the new ReadmissionPredictionEICU BaseTask class +- Configurable readmission time window (default: 15 days) +- Demonstrates the standardized PyHealth workflow +""" + +import tempfile +from datetime import timedelta + +from pyhealth.datasets import eICUDataset +from pyhealth.datasets import split_by_patient, get_dataloader +from pyhealth.models import RNN +from pyhealth.tasks import ReadmissionPredictionEICU +from pyhealth.trainer import Trainer + + +if __name__ == "__main__": + # Use tempfile to automate cleanup + cache_dir = tempfile.TemporaryDirectory() + + # STEP 1: Load dataset + # Replace with your eICU dataset path + base_dataset = eICUDataset( + root="/srv/local/data/physionet.org/files/eicu-crd/2.0", + tables=["diagnosis", "medication", "physicalexam"], + cache_dir=cache_dir.name + ) + base_dataset.stats() + + # STEP 2: Set task using ReadmissionPredictionEICU + # Configurable readmission window (default 15 days) + task = ReadmissionPredictionEICU(window=timedelta(days=15)) + sample_dataset = base_dataset.set_task(task) + sample_dataset.stats() + + # STEP 3: Split and create dataloaders + train_dataset, val_dataset, test_dataset = split_by_patient( + sample_dataset, [0.8, 0.1, 0.1] + ) + train_dataloader = get_dataloader(train_dataset, batch_size=32, shuffle=True) + val_dataloader = get_dataloader(val_dataset, batch_size=32, shuffle=False) + test_dataloader = get_dataloader(test_dataset, batch_size=32, shuffle=False) + + # STEP 4: Define model + model = RNN( + dataset=sample_dataset, + feature_keys=["conditions", "procedures", "drugs"], + label_key="readmission", + mode="binary", + ) + + # STEP 5: Train + trainer = Trainer(model=model) + trainer.train( + train_dataloader=train_dataloader, + val_dataloader=val_dataloader, + epochs=20, + monitor="roc_auc", + ) + + # STEP 6: Evaluate + print(trainer.evaluate(test_dataloader)) + + # Cleanup + sample_dataset.close() + + + + + diff --git a/pyhealth/datasets/configs/eicu.yaml b/pyhealth/datasets/configs/eicu.yaml new file mode 100644 index 000000000..be60087e2 --- /dev/null +++ b/pyhealth/datasets/configs/eicu.yaml @@ -0,0 +1,199 @@ +version: "2.0" +tables: + patient: + file_path: "patient.csv" + patient_id: "uniquepid" + timestamp: null + attributes: + - "patientunitstayid" + - "patienthealthsystemstayid" + - "gender" + - "age" + - "ethnicity" + - "hospitalid" + - "wardid" + - "apacheadmissiondx" + - "admissionheight" + - "admissionweight" + - "dischargeweight" + - "hospitaladmittime24" + - "hospitaladmitoffset" + - "hospitaladmitsource" + - "hospitaldischargeyear" + - "hospitaldischargeoffset" + - "hospitaldischargestatus" + - "hospitaldischargetime24" + - "unittype" + - "unitadmittime24" + - "unitadmitsource" + - "unitvisitnumber" + - "unitstaytype" + - "unitdischargeoffset" + - "unitdischargestatus" + - "unitdischargetime24" + - "unitdischargelocation" + + hospital: + file_path: "hospital.csv" + patient_id: null + timestamp: null + attributes: + - "hospitalid" + - "numbedscategory" + - "teachingstatus" + - "region" + + diagnosis: + file_path: "diagnosis.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "diagnosisoffset" + - "diagnosisstring" + - "icd9code" + - "diagnosispriority" + + medication: + file_path: "medication.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "drugstartoffset" + - "drugstopoffset" + - "drugname" + - "drughiclseqno" + - "dosage" + - "routeadmin" + - "frequency" + - "loadingdose" + - "prn" + - "drugordercancelled" + + treatment: + file_path: "treatment.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "treatmentoffset" + - "treatmentstring" + - "activeupondischarge" + + lab: + file_path: "lab.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "labresultoffset" + - "labname" + - "labresult" + - "labresulttext" + - "labmeasurenamesystem" + - "labmeasurenameinterface" + - "labtypeid" + + physicalexam: + file_path: "physicalExam.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "physicalexamoffset" + - "physicalexampath" + - "physicalexamtext" + - "physicalexamvalue" + + admissiondx: + file_path: "admissionDx.csv" + patient_id: "uniquepid" + timestamp: null + join: + - file_path: "patient.csv" + "on": "patientunitstayid" + how: "inner" + columns: + - "uniquepid" + - "patienthealthsystemstayid" + - "unitvisitnumber" + - "hospitaladmitoffset" + - "hospitaldischargeoffset" + - "unitdischargeoffset" + - "hospitaldischargeyear" + - "hospitaldischargestatus" + attributes: + - "patientunitstayid" + - "admitdxenteredoffset" + - "admitdxpath" + - "admitdxname" + - "admitdxtext" + + + diff --git a/pyhealth/datasets/eicu.py b/pyhealth/datasets/eicu.py index 0c46e989a..3cf4e9166 100644 --- a/pyhealth/datasets/eicu.py +++ b/pyhealth/datasets/eicu.py @@ -1,646 +1,86 @@ -import os -from typing import Optional, List, Dict, Tuple, Union +import logging +from pathlib import Path +from typing import List, Optional -import pandas as pd -from tqdm import tqdm -from datetime import datetime +from .base_dataset import BaseDataset -from pyhealth.data import Event, Visit, Patient -from pyhealth.datasets import BaseEHRDataset -from pyhealth.datasets.utils import strptime, padyear +logger = logging.getLogger(__name__) -# TODO: add other tables - -class eICUDataset(BaseEHRDataset): - """Base dataset for eICU dataset. +class eICUDataset(BaseDataset): + """ + A dataset class for handling eICU data. The eICU dataset is a large dataset of de-identified health records of ICU patients. The dataset is available at https://eicu-crd.mit.edu/. The basic information is stored in the following tables: - patient: defines a patient (uniquepid), a hospital admission - (patienthealthsystemstayid), and a ICU stay (patientunitstayid) + (patienthealthsystemstayid), and an ICU stay (patientunitstayid) in the database. - hospital: contains information about a hospital (e.g., region). Note that in eICU, a patient can have multiple hospital admissions and each hospital admission can have multiple ICU stays. The data in eICU is centered around the ICU stay and all timestamps are relative to the ICU admission time. - Thus, we only know the order of ICU stays within a hospital admission, but not - the order of hospital admissions within a patient. As a result, we use `Patient` - object to represent a hospital admission of a patient, and use `Visit` object to - store the ICU stays within that hospital admission. We further support the following tables: - diagnosis: contains ICD diagnoses (ICD9CM and ICD10CM code) - and diagnosis information (under attr_dict) for patients - - treatment: contains treatment information (eICU_TREATMENTSTRING code) - for patients. - - medication: contains medication related order entries (eICU_DRUGNAME - code) for patients. - - lab: contains laboratory measurements (eICU_LABNAME code) - for patients - - physicalExam: contains all physical exam (eICU_PHYSICALEXAMPATH) - conducted for patients. - - admissionDx: table contains the primary diagnosis for admission to - the ICU per the APACHE scoring criteria. (eICU_ADMITDXPATH) - - Args: - dataset_name: name of the dataset. - root: root directory of the raw data (should contain many csv files). - tables: list of tables to be loaded (e.g., ["DIAGNOSES_ICD", "PROCEDURES_ICD"]). - code_mapping: a dictionary containing the code mapping information. - The key is a str of the source code vocabulary and the value is of - two formats: - (1) a str of the target code vocabulary; - (2) a tuple with two elements. The first element is a str of the - target code vocabulary and the second element is a dict with - keys "source_kwargs" or "target_kwargs" and values of the - corresponding kwargs for the `CrossMap.map()` method. - Default is empty dict, which means the original code will be used. - dev: whether to enable dev mode (only use a small subset of the data). - Default is False. - refresh_cache: whether to refresh the cache; if true, the dataset will - be processed from scratch and the cache will be updated. Default is False. + and diagnosis information for patients + - treatment: contains treatment information for patients. + - medication: contains medication related order entries for patients. + - lab: contains laboratory measurements for patients + - physicalexam: contains all physical exams conducted for patients. + - admissiondx: table contains the primary diagnosis for admission to + the ICU per the APACHE scoring criteria. Attributes: - task: Optional[str], name of the task (e.g., "mortality prediction"). - Default is None. - samples: Optional[List[Dict]], a list of samples, each sample is a dict with - patient_id, visit_id, and other task-specific attributes as key. - Default is None. - patient_to_index: Optional[Dict[str, List[int]]], a dict mapping patient_id to - a list of sample indices. Default is None. - visit_to_index: Optional[Dict[str, List[int]]], a dict mapping visit_id to a - list of sample indices. Default is None. + root (str): The root directory where the dataset is stored. + tables (List[str]): A list of tables to be included in the dataset. + dataset_name (Optional[str]): The name of the dataset. + config_path (Optional[str]): The path to the configuration file. Examples: >>> from pyhealth.datasets import eICUDataset >>> dataset = eICUDataset( - ... root="/srv/local/data/physionet.org/files/eicu-crd/2.0", - ... tables=["diagnosis", "medication", "lab", "treatment", "physicalExam", "admissionDx"], - ... ) - >>> dataset.stat() - >>> dataset.info() + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "medication", "treatment"], + ... ) + >>> dataset.stats() + >>> patient = dataset.get_patient("patient_id") """ - def __init__(self, **kwargs): - # store a mapping from visit_id to patient_id - # will be used to parse clinical tables as they only contain visit_id - self.visit_id_to_patient_id: Dict[str, str] = {} - self.visit_id_to_encounter_time: Dict[str, datetime] = {} - super(eICUDataset, self).__init__(**kwargs) - - def parse_basic_info(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper functions which parses patient and hospital tables. - - Will be called in `self.parse_tables()`. - - Docs: - - patient: https://eicu-crd.mit.edu/eicutables/patient/ - - hospital: https://eicu-crd.mit.edu/eicutables/hospital/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - - Note: - We use `Patient` object to represent a hospital admission of a patient, - and use `Visit` object to store the ICU stays within that hospital - admission. + def __init__( + self, + root: str, + tables: List[str], + dataset_name: Optional[str] = None, + config_path: Optional[str] = None, + **kwargs + ) -> None: """ - # read patient table - patient_df = pd.read_csv( - os.path.join(self.root, "patient.csv"), - dtype={ - "uniquepid": str, - "patienthealthsystemstayid": str, - "patientunitstayid": str, - }, - nrows=5000 if self.dev else None, - ) - # read hospital table - hospital_df = pd.read_csv(os.path.join(self.root, "hospital.csv")) - hospital_df.region = hospital_df.region.fillna("Unknown").astype(str) - # merge patient and hospital tables - df = pd.merge(patient_df, hospital_df, on="hospitalid", how="left") - # sort by ICU admission and discharge time - df["neg_hospitaladmitoffset"] = -df["hospitaladmitoffset"] - df = df.sort_values( - [ - "uniquepid", - "patienthealthsystemstayid", - "neg_hospitaladmitoffset", - "unitdischargeoffset", - ], - ascending=True, - ) - # group by patient and hospital admission - df_group = df.groupby(["uniquepid", "patienthealthsystemstayid"]) - # load patients - for (p_id, ha_id), p_info in tqdm(df_group, desc="Parsing patients"): - # each Patient object is a single hospital admission of a patient - patient_id = f"{p_id}+{ha_id}" - - # hospital admission time (Jan 1 of hospitaldischargeyear, 00:00:00) - ha_datetime = strptime(padyear(str(p_info["hospitaldischargeyear"].values[0]))) - - # no exact birth datetime in eICU - # use hospital admission time and age to approximate birth datetime - age = p_info["age"].values[0] - if pd.isna(age): - birth_datetime = None - elif age == "> 89": - birth_datetime = ha_datetime - pd.DateOffset(years=89) - else: - birth_datetime = ha_datetime - pd.DateOffset(years=int(age)) - - # no exact death datetime in eICU - # use hospital discharge time to approximate death datetime - death_datetime = None - if p_info["hospitaldischargestatus"].values[0] == "Expired": - ha_los_min = ( - p_info["hospitaldischargeoffset"].values[0] - - p_info["hospitaladmitoffset"].values[0] - ) - death_datetime = ha_datetime + pd.Timedelta(minutes=ha_los_min) - - patient = Patient( - patient_id=patient_id, - birth_datetime=birth_datetime, - death_datetime=death_datetime, - gender=p_info["gender"].values[0], - ethnicity=p_info["ethnicity"].values[0], - ) - - # load visits - for v_id, v_info in p_info.groupby("patientunitstayid"): - # each Visit object is a single ICU stay within a hospital admission - - # base time is the hospital admission time - unit_admit = v_info["neg_hospitaladmitoffset"].values[0] - unit_discharge = unit_admit + v_info["unitdischargeoffset"].values[0] - encounter_time = ha_datetime + pd.Timedelta(minutes=unit_admit) - discharge_time = ha_datetime + pd.Timedelta(minutes=unit_discharge) - - visit = Visit( - visit_id=v_id, - patient_id=patient_id, - encounter_time=encounter_time, - discharge_time=discharge_time, - discharge_status=v_info["unitdischargestatus"].values[0], - hospital_id=v_info["hospitalid"].values[0], - region=v_info["region"].values[0], - ) - - # add visit - patient.add_visit(visit) - # add visit id to patient id mapping - self.visit_id_to_patient_id[v_id] = patient_id - # add visit id to encounter time mapping - self.visit_id_to_encounter_time[v_id] = encounter_time - # add patient - patients[patient_id] = patient - return patients - - def parse_diagnosis(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses diagnosis table. - - Will be called in `self.parse_tables()`. - - Docs: - - diagnosis: https://eicu-crd.mit.edu/eicutables/diagnosis/ + Initializes the eICUDataset with the specified parameters. Args: - patients: a dict of Patient objects indexed by patient_id. - - Returns: - The updated patients dict. - - Note: - This table contains both ICD9CM and ICD10CM codes in one single - cell. We need to use medcode to distinguish them. + root (str): The root directory where the dataset is stored. + tables (List[str]): A list of additional tables to include. + dataset_name (Optional[str]): The name of the dataset. Defaults to "eicu". + config_path (Optional[str]): The path to the configuration file. + If not provided, a default config is used. """ - - # load ICD9CM and ICD10CM coding systems - from pyhealth.medcode import ICD9CM, ICD10CM - - icd9cm = ICD9CM() - icd10cm = ICD10CM() - - def icd9cm_or_icd10cm(code): - if code in icd9cm: - return "ICD9CM" - elif code in icd10cm: - return "ICD10CM" - else: - return "Unknown" - - table = "diagnosis" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - dtype={"patientunitstayid": str, "icd9code": str, "diagnosisstring": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "icd9code", "diagnosisstring"]) - # sort by diagnosisoffset - df = df.sort_values(["patientunitstayid", "diagnosisoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of diagnosis (per visit) - def diagnosis_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, codes, dxstr in zip(v_info["diagnosisoffset"], v_info["icd9code"], - v_info["diagnosisstring"]): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - codes = [c.strip() for c in codes.split(",")] - # for each code in a single cell (mixed ICD9CM and ICD10CM) - for code in codes: - vocab = icd9cm_or_icd10cm(code) - event = Event( - code=code, - table=table, - vocabulary=vocab, - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - diagnosisString=dxstr - ) - # update patients - events.append(event) - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: diagnosis_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - def parse_treatment(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses treatment table. - - Will be called in `self.parse_tables()`. - - Docs: - - treatment: https://eicu-crd.mit.edu/eicutables/treatment/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - """ - table = "treatment" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - dtype={"patientunitstayid": str, "treatmentstring": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "treatmentstring"]) - # sort by treatmentoffset - df = df.sort_values(["patientunitstayid", "treatmentoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of treatment (per visit) - def treatment_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, code in zip( - v_info["treatmentoffset"], v_info["treatmentstring"] - ): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - event = Event( - code=code, - table=table, - vocabulary="eICU_TREATMENTSTRING", - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - ) - # update patients - events.append(event) - - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: treatment_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - def parse_medication(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses medication table. - - Will be called in `self.parse_tables()`. - - Docs: - - medication: https://eicu-crd.mit.edu/eicutables/medication/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - """ - table = "medication" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - low_memory=False, - dtype={"patientunitstayid": str, "drugname": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "drugname"]) - # sort by drugstartoffset - df = df.sort_values(["patientunitstayid", "drugstartoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of medication (per visit) - def medication_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, code in zip(v_info["drugstartoffset"], v_info["drugname"]): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - event = Event( - code=code, - table=table, - vocabulary="eICU_DRUGNAME", - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - ) - # update patients - events.append(event) - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: medication_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - def parse_lab(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses lab table. - - Will be called in `self.parse_tables()`. - - Docs: - - lab: https://eicu-crd.mit.edu/eicutables/lab/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - """ - table = "lab" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - dtype={"patientunitstayid": str, "labname": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "labname"]) - # sort by labresultoffset - df = df.sort_values(["patientunitstayid", "labresultoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of lab (per visit) - def lab_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, code in zip(v_info["labresultoffset"], v_info["labname"]): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - event = Event( - code=code, - table=table, - vocabulary="eICU_LABNAME", - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - ) - # update patients - events.append(event) - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: lab_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - def parse_physicalexam(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses physicalExam table. - - Will be called in `self.parse_tables()`. - - Docs: - - physicalExam: https://eicu-crd.mit.edu/eicutables/physicalexam/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - """ - table = "physicalExam" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - dtype={"patientunitstayid": str, "physicalexampath": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "physicalexampath"]) - # sort by treatmentoffset - df = df.sort_values(["patientunitstayid", "physicalexamoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of physicalExam (per visit) - def physicalExam_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, code in zip( - v_info["physicalexamoffset"], v_info["physicalexampath"] - ): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - event = Event( - code=code, - table=table, - vocabulary="eICU_PHYSICALEXAMPATH", - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - ) - # update patients - events.append(event) - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: physicalExam_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - def parse_admissiondx(self, patients: Dict[str, Patient]) -> Dict[str, Patient]: - """Helper function which parses admissionDx (admission diagnosis) table. - - Will be called in `self.parse_tables()`. - - Docs: - - admissionDx: https://eicu-crd.mit.edu/eicutables/admissiondx/ - - Args: - patients: a dict of `Patient` objects indexed by patient_id. - - Returns: - The updated patients dict. - """ - table = "admissionDx" - # read table - df = pd.read_csv( - os.path.join(self.root, f"{table}.csv"), - dtype={"patientunitstayid": str, "admitdxpath": str}, - ) - # drop rows with missing values - df = df.dropna(subset=["patientunitstayid", "admitdxpath"]) - # sort by admitDxEnteredOffset - df = df.sort_values(["patientunitstayid", "admitdxenteredoffset"], ascending=True) - # add the patient id info - df["patient_id"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_patient_id.get(x, None) - ) - # add the visit encounter time info - df["v_encounter_time"] = df["patientunitstayid"].apply( - lambda x: self.visit_id_to_encounter_time.get(x, None) - ) - # group by visit - group_df = df.groupby("patientunitstayid") - - # parallel unit of admissionDx (per visit) - def admissionDx_unit(v_info): - v_id = v_info["patientunitstayid"].values[0] - patient_id = v_info["patient_id"].values[0] - v_encounter_time = v_info["v_encounter_time"].values[0] - if patient_id is None: - return [] - - events = [] - for offset, code in zip( - v_info["admitdxenteredoffset"], v_info["admitdxpath"] - ): - # compute the absolute timestamp - timestamp = v_encounter_time + pd.Timedelta(minutes=offset) - event = Event( - code=code, - table=table, - vocabulary="eICU_ADMITDXPATH", - visit_id=v_id, - patient_id=patient_id, - timestamp=timestamp, - ) - # update patients - events.append(event) - return events - - # parallel apply - group_df = group_df.parallel_apply(lambda x: admissionDx_unit(x)) - - # summarize the results - patients = self._add_events_to_patient_dict(patients, group_df) - return patients - - -if __name__ == "__main__": - dataset = eICUDataset( - root="/srv/local/data/physionet.org/files/eicu-crd/2.0", - tables=["diagnosis", "medication", "lab", "treatment", "physicalExam", "admissionDx"], - refresh_cache=True, - ) - dataset.stat() - dataset.info() + if config_path is None: + logger.info("No config path provided, using default config") + config_path = Path(__file__).parent / "configs" / "eicu.yaml" + + # Default table is patient which contains basic patient/stay info + default_tables = ["patient"] + tables = default_tables + tables + + super().__init__( + root=root, + tables=tables, + dataset_name=dataset_name or "eicu", + config_path=config_path, + **kwargs + ) + return diff --git a/pyhealth/models/__init__.py b/pyhealth/models/__init__.py index 3c0b5384d..821af48f8 100644 --- a/pyhealth/models/__init__.py +++ b/pyhealth/models/__init__.py @@ -17,7 +17,7 @@ from .mlp import MLP from .molerec import MoleRec, MoleRecLayer from .retain import RETAIN, RETAINLayer -from .rnn import RNN, RNNLayer +from .rnn import MultimodalRNN, RNN, RNNLayer from .safedrug import SafeDrug, SafeDrugLayer from .sparcnet import DenseBlock, DenseLayer, SparcNet, TransitionLayer from .stagenet import StageNet, StageNetLayer diff --git a/pyhealth/models/rnn.py b/pyhealth/models/rnn.py index e89d58bd1..160abee8c 100644 --- a/pyhealth/models/rnn.py +++ b/pyhealth/models/rnn.py @@ -1,4 +1,4 @@ -from typing import Dict, List, Optional, Tuple +from typing import Dict, Optional, Tuple import torch import torch.nn as nn @@ -6,6 +6,18 @@ from pyhealth.datasets import SampleDataset from pyhealth.models import BaseModel +from pyhealth.processors import ( + DeepNestedFloatsProcessor, + DeepNestedSequenceProcessor, + MultiHotProcessor, + NestedFloatsProcessor, + NestedSequenceProcessor, + SequenceProcessor, + StageNetProcessor, + StageNetTensorProcessor, + TensorProcessor, + TimeseriesProcessor, +) from .embedding import EmbeddingModel @@ -235,7 +247,9 @@ def forward(self, **kwargs) -> Dict[str, torch.Tensor]: embedded = self.embedding_model(kwargs) for feature_key in self.feature_keys: x = embedded[feature_key] - mask = (x.sum(dim=-1) != 0).int() + # Use abs() before sum to catch edge cases where embeddings sum to 0 + # despite being valid values (e.g., [1.0, -1.0]) + mask = (torch.abs(x).sum(dim=-1) != 0).int() _, x = self.rnn[feature_key](x, mask) patient_emb.append(x) @@ -250,3 +264,217 @@ def forward(self, **kwargs) -> Dict[str, torch.Tensor]: if kwargs.get("embed", False): results["embed"] = patient_emb return results + + +class MultimodalRNN(BaseModel): + """Multimodal RNN model that handles both sequential and non-sequential features. + + This model extends the vanilla RNN to support mixed input modalities: + - Sequential features (sequences, timeseries) go through RNN layers + - Non-sequential features (multi-hot, tensor) bypass RNN and use embeddings directly + + The model automatically classifies input features based on their processor types: + - Sequential processors (apply RNN): SequenceProcessor, NestedSequenceProcessor, + DeepNestedSequenceProcessor, NestedFloatsProcessor, DeepNestedFloatsProcessor, + TimeseriesProcessor + - Non-sequential processors (embeddings only): MultiHotProcessor, TensorProcessor, + StageNetProcessor, StageNetTensorProcessor + + For sequential features, the model: + 1. Embeds the input using EmbeddingModel + 2. Applies RNNLayer to get sequential representations + 3. Extracts the last hidden state + + For non-sequential features, the model: + 1. Embeds the input using EmbeddingModel + 2. Applies mean pooling if needed to reduce to 2D + 3. Uses the embedding directly + + All feature representations are concatenated and passed through a final + fully connected layer for predictions. + + Args: + dataset (SampleDataset): the dataset to train the model. It is used to query + certain information such as the set of all tokens and processor types. + embedding_dim (int): the embedding dimension. Default is 128. + hidden_dim (int): the hidden dimension for RNN layers. Default is 128. + **kwargs: other parameters for the RNN layer (e.g., rnn_type, num_layers, + dropout, bidirectional). + + Examples: + >>> from pyhealth.datasets import create_sample_dataset + >>> samples = [ + ... { + ... "patient_id": "patient-0", + ... "visit_id": "visit-0", + ... "conditions": ["cond-33", "cond-86"], # sequential + ... "demographics": ["asian", "male"], # multi-hot + ... "vitals": [120.0, 80.0, 98.6], # tensor + ... "label": 1, + ... }, + ... { + ... "patient_id": "patient-1", + ... "visit_id": "visit-1", + ... "conditions": ["cond-12", "cond-52"], # sequential + ... "demographics": ["white", "female"], # multi-hot + ... "vitals": [110.0, 75.0, 98.2], # tensor + ... "label": 0, + ... }, + ... ] + >>> dataset = create_sample_dataset( + ... samples=samples, + ... input_schema={ + ... "conditions": "sequence", + ... "demographics": "multi_hot", + ... "vitals": "tensor", + ... }, + ... output_schema={"label": "binary"}, + ... dataset_name="test" + ... ) + >>> + >>> from pyhealth.datasets import get_dataloader + >>> train_loader = get_dataloader(dataset, batch_size=2, shuffle=True) + >>> + >>> model = MultimodalRNN(dataset=dataset, embedding_dim=128, hidden_dim=64) + >>> + >>> data_batch = next(iter(train_loader)) + >>> + >>> ret = model(**data_batch) + >>> print(ret) + { + 'loss': tensor(...), + 'y_prob': tensor(...), + 'y_true': tensor(...), + 'logit': tensor(...) + } + """ + + def __init__( + self, + dataset: SampleDataset, + embedding_dim: int = 128, + hidden_dim: int = 128, + **kwargs + ): + super(MultimodalRNN, self).__init__(dataset=dataset) + self.embedding_dim = embedding_dim + self.hidden_dim = hidden_dim + + # validate kwargs for RNN layer + if "input_size" in kwargs: + raise ValueError("input_size is determined by embedding_dim") + if "hidden_size" in kwargs: + raise ValueError("hidden_size is determined by hidden_dim") + + assert len(self.label_keys) == 1, "Only one label key is supported" + self.label_key = self.label_keys[0] + self.mode = self.dataset.output_schema[self.label_key] + + self.embedding_model = EmbeddingModel(dataset, embedding_dim) + + # Classify features as sequential or non-sequential + self.sequential_features = [] + self.non_sequential_features = [] + + self.rnn = nn.ModuleDict() + for feature_key in self.feature_keys: + processor = dataset.input_processors[feature_key] + if self._is_sequential_processor(processor): + self.sequential_features.append(feature_key) + # Create RNN for this feature + self.rnn[feature_key] = RNNLayer( + input_size=embedding_dim, + hidden_size=hidden_dim, + **kwargs + ) + else: + self.non_sequential_features.append(feature_key) + + # Calculate final concatenated dimension + final_dim = (len(self.sequential_features) * hidden_dim + + len(self.non_sequential_features) * embedding_dim) + output_size = self.get_output_size() + self.fc = nn.Linear(final_dim, output_size) + + def _is_sequential_processor(self, processor) -> bool: + """Check if processor represents sequential data. + + Sequential processors are those that benefit from RNN processing, + including sequences of codes and timeseries data. + + Note: + StageNetProcessor and StageNetTensorProcessor are excluded as they + are specialized for the StageNet model architecture and should be + treated as non-sequential for standard RNN processing. + + Args: + processor: The processor instance to check. + + Returns: + bool: True if processor is sequential, False otherwise. + """ + return isinstance(processor, ( + SequenceProcessor, + NestedSequenceProcessor, + DeepNestedSequenceProcessor, + NestedFloatsProcessor, + DeepNestedFloatsProcessor, + TimeseriesProcessor, + )) + + def forward(self, **kwargs) -> Dict[str, torch.Tensor]: + """Forward propagation handling mixed modalities. + + The label `kwargs[self.label_key]` is a list of labels for each patient. + + Args: + **kwargs: keyword arguments for the model. The keys must contain + all the feature keys and the label key. + + Returns: + Dict[str, torch.Tensor]: A dictionary with the following keys: + - loss: a scalar tensor representing the loss. + - y_prob: a tensor representing the predicted probabilities. + - y_true: a tensor representing the true labels. + - logit: a tensor representing the logits. + - embed (optional): a tensor representing the patient embeddings if requested. + """ + patient_emb = [] + embedded = self.embedding_model(kwargs) + + # Process sequential features through RNN + for feature_key in self.sequential_features: + x = embedded[feature_key] + # Use abs() before sum to catch edge cases where embeddings sum to 0 + # despite being valid values (e.g., [1.0, -1.0]) + mask = (torch.abs(x).sum(dim=-1) != 0).int() + _, last_hidden = self.rnn[feature_key](x, mask) + patient_emb.append(last_hidden) + + # Process non-sequential features (use embeddings directly) + for feature_key in self.non_sequential_features: + x = embedded[feature_key] + # If multi-dimensional, aggregate (mean pooling) + while x.dim() > 2: + x = x.mean(dim=1) + patient_emb.append(x) + + # Concatenate all representations + patient_emb = torch.cat(patient_emb, dim=1) + # (patient, label_size) + logits = self.fc(patient_emb) + + # Calculate loss and predictions + y_true = kwargs[self.label_key].to(self.device) + loss = self.get_loss_function()(logits, y_true) + y_prob = self.prepare_y_prob(logits) + + results = { + "loss": loss, + "y_prob": y_prob, + "y_true": y_true, + "logit": logits + } + if kwargs.get("embed", False): + results["embed"] = patient_emb + return results diff --git a/pyhealth/tasks/__init__.py b/pyhealth/tasks/__init__.py index 28c71f142..1ba8026a1 100644 --- a/pyhealth/tasks/__init__.py +++ b/pyhealth/tasks/__init__.py @@ -13,6 +13,7 @@ from .chestxray14_multilabel_classification import ChestXray14MultilabelClassification from .covid19_cxr_classification import COVID19CXRClassification from .drug_recommendation import ( + DrugRecommendationEICU, DrugRecommendationMIMIC3, DrugRecommendationMIMIC4, drug_recommendation_eicu_fn, @@ -51,11 +52,12 @@ from .patient_linkage import patient_linkage_mimic3_fn from .readmission_30days_mimic4 import Readmission30DaysMIMIC4 from .readmission_prediction import ( + ReadmissionPredictionEICU, ReadmissionPredictionMIMIC3, + ReadmissionPredictionOMOP, readmission_prediction_eicu_fn, readmission_prediction_eicu_fn2, readmission_prediction_mimic4_fn, - ReadmissionPredictionOMOP, ) from .sleep_staging import ( sleep_staging_isruc_fn, diff --git a/pyhealth/tasks/drug_recommendation.py b/pyhealth/tasks/drug_recommendation.py index ae0432b64..6702a4aab 100644 --- a/pyhealth/tasks/drug_recommendation.py +++ b/pyhealth/tasks/drug_recommendation.py @@ -513,6 +513,145 @@ def drug_recommendation_eicu_fn(patient: Patient): return samples +class DrugRecommendationEICU(BaseTask): + """Task for drug recommendation using eICU dataset. + + Drug recommendation aims at recommending a set of drugs given the patient health + history (e.g., conditions and procedures). This task creates samples with + cumulative history, where each visit includes all previous visit information. + + Features key-value pairs: + - using diagnosis table as condition codes + - using physicalexam table as procedure codes + - using medication table as drug codes + + Attributes: + task_name (str): The name of the task. + input_schema (Dict[str, str]): The schema for input data: + - conditions: Nested list of diagnosis codes (history + current) + - procedures: Nested list of procedure codes (history + current) + - drugs_hist: Nested list of drug codes from history (current visit excluded) + output_schema (Dict[str, str]): The schema for output data: + - drugs: List of drugs to predict for current visit + + Examples: + >>> from pyhealth.datasets import eICUDataset + >>> from pyhealth.tasks import DrugRecommendationEICU + >>> dataset = eICUDataset( + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "medication", "physicalexam"], + ... ) + >>> task = DrugRecommendationEICU() + >>> sample_dataset = dataset.set_task(task) + """ + + task_name: str = "DrugRecommendationEICU" + input_schema: Dict[str, str] = { + "conditions": "nested_sequence", + "procedures": "nested_sequence", + "drugs_hist": "nested_sequence", + } + output_schema: Dict[str, str] = {"drugs": "multilabel"} + + def __call__(self, patient: Any) -> List[Dict[str, Any]]: + """Process a patient to create drug recommendation samples. + + Creates one sample per visit (after first visit) with cumulative history. + Each sample includes all previous visits' conditions, procedures, and drugs. + + Args: + patient: Patient object with get_events method + + Returns: + List of samples, each with patient_id, visit_id, conditions history, + procedures history, drugs history, and target drugs + """ + samples = [] + + # Get all patient stays (each row in patient table is an ICU stay) + patient_stays = patient.get_events(event_type="patient") + if len(patient_stays) < 2: + # Need at least 2 visits for history-based prediction + return [] + + # Process each patient stay + for stay in patient_stays: + # Get the patientunitstayid for filtering + stay_id = str(getattr(stay, "patientunitstayid", "")) + + # Get diagnosis codes using patientunitstayid-based filtering + diagnoses = patient.get_events( + event_type="diagnosis", + filters=[("patientunitstayid", "==", stay_id)] + ) + conditions = [ + getattr(event, "icd9code", "") for event in diagnoses + if getattr(event, "icd9code", None) + ] + + # Get physical exam codes + physical_exams = patient.get_events( + event_type="physicalexam", + filters=[("patientunitstayid", "==", stay_id)] + ) + procedures = [ + getattr(event, "physicalexampath", "") for event in physical_exams + if getattr(event, "physicalexampath", None) + ] + + # Get medication codes + medications = patient.get_events( + event_type="medication", + filters=[("patientunitstayid", "==", stay_id)] + ) + drugs = [ + getattr(event, "drugname", "") for event in medications + if getattr(event, "drugname", None) + ] + + # Exclude visits without condition, procedure, or drug code + if len(conditions) * len(procedures) * len(drugs) == 0: + continue + + samples.append( + { + "visit_id": stay_id, + "patient_id": patient.patient_id, + "conditions": conditions, + "procedures": procedures, + "drugs": drugs, + "drugs_hist": drugs, + } + ) + + # Exclude patients with less than 2 valid visits + if len(samples) < 2: + return [] + + # Add cumulative history for first sample + samples[0]["conditions"] = [samples[0]["conditions"]] + samples[0]["procedures"] = [samples[0]["procedures"]] + samples[0]["drugs_hist"] = [samples[0]["drugs_hist"]] + + # Add cumulative history for subsequent samples + for i in range(1, len(samples)): + samples[i]["conditions"] = samples[i - 1]["conditions"] + [ + samples[i]["conditions"] + ] + samples[i]["procedures"] = samples[i - 1]["procedures"] + [ + samples[i]["procedures"] + ] + samples[i]["drugs_hist"] = samples[i - 1]["drugs_hist"] + [ + samples[i]["drugs_hist"] + ] + + # Remove target drug from history (set current visit drugs_hist to empty) + for i in range(len(samples)): + samples[i]["drugs_hist"][i] = [] + + return samples + + def drug_recommendation_omop_fn(patient: Patient): """Processes a single patient for the drug recommendation task. diff --git a/pyhealth/tasks/length_of_stay_prediction.py b/pyhealth/tasks/length_of_stay_prediction.py index 25d7c8dcb..335e16dc2 100644 --- a/pyhealth/tasks/length_of_stay_prediction.py +++ b/pyhealth/tasks/length_of_stay_prediction.py @@ -288,17 +288,13 @@ class LengthOfStayPredictioneICU(BaseTask): Examples: >>> from pyhealth.datasets import eICUDataset - >>> eicu_base = eICUDataset( - ... root="/srv/local/data/physionet.org/files/eicu-crd/2.0", - ... tables=["diagnosis", "medication", "physicalExam"], - ... code_mapping={}, - ... dev=True - ... ) >>> from pyhealth.tasks import LengthOfStayPredictioneICU + >>> dataset = eICUDataset( + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "medication", "physicalexam"], + ... ) >>> task = LengthOfStayPredictioneICU() - >>> eicu_sample = eicu_base.set_task(task) - >>> eicu_sample.samples[0] - [{'visit_id': '130744', 'patient_id': '103', 'conditions': [['42', '109', '98', '663', '58', '51']], 'procedures': [['1']], 'drugs': [['...']], 'los': 5}] + >>> sample_dataset = dataset.set_task(task) """ task_name: str = "LengthOfStayPredictioneICU" @@ -312,52 +308,70 @@ class LengthOfStayPredictioneICU(BaseTask): def __call__(self, patient: Patient) -> List[Dict]: samples = [] - # Get all patient stays + # Get all patient stays (each row in patient table is an ICU stay) patient_stays = patient.get_events(event_type="patient") if len(patient_stays) == 0: return [] # Process each patient stay for stay in patient_stays: + # Get the patientunitstayid for filtering + stay_id = str(getattr(stay, "patientunitstayid", "")) + # Get diagnosis codes diagnosis_events = patient.get_events( event_type="diagnosis", - filters=[("patientunitstayid", "==", stay.patientunitstayid)], + filters=[("patientunitstayid", "==", stay_id)], ) - conditions = [event.diagnosisstring for event in diagnosis_events] + conditions = [ + getattr(event, "diagnosisstring", "") for event in diagnosis_events + if getattr(event, "diagnosisstring", None) + ] # Get physical exam findings physicalexam_events = patient.get_events( event_type="physicalexam", - filters=[("patientunitstayid", "==", stay.patientunitstayid)], + filters=[("patientunitstayid", "==", stay_id)], ) - procedures = [event.physicalexamtext for event in physicalexam_events] + procedures = [ + getattr(event, "physicalexamtext", "") for event in physicalexam_events + if getattr(event, "physicalexamtext", None) + ] # Get medications medication_events = patient.get_events( event_type="medication", - filters=[("patientunitstayid", "==", stay.patientunitstayid)], + filters=[("patientunitstayid", "==", stay_id)], ) - drugs = [event.drugname for event in medication_events] + drugs = [ + getattr(event, "drugname", "") for event in medication_events + if getattr(event, "drugname", None) + ] # Exclude visits without condition, procedure, or drug code if len(conditions) * len(procedures) * len(drugs) == 0: continue - # Calculate length of stay - admit_time = datetime.strptime( - stay.hospitaladmittime24, "%Y-%m-%d %H:%M:%S" - ) - discharge_time = datetime.strptime( - stay.hospitaldischargetime24, "%Y-%m-%d %H:%M:%S" - ) + # Calculate length of stay using hospital admit/discharge times + admit_time_str = getattr(stay, "hospitaladmittime24", None) + discharge_time_str = getattr(stay, "hospitaldischargetime24", None) + + if not admit_time_str or not discharge_time_str: + continue + + try: + admit_time = datetime.strptime(admit_time_str, "%Y-%m-%d %H:%M:%S") + discharge_time = datetime.strptime(discharge_time_str, "%Y-%m-%d %H:%M:%S") + except (ValueError, TypeError): + continue + los_days = (discharge_time - admit_time).days los_category = categorize_los(los_days) # TODO: should also exclude visit with age < 18 samples.append( { - "visit_id": stay.patientunitstayid, + "visit_id": stay_id, "patient_id": patient.patient_id, "conditions": conditions, "procedures": procedures, diff --git a/pyhealth/tasks/mortality_prediction.py b/pyhealth/tasks/mortality_prediction.py index b1bed4665..45b395032 100644 --- a/pyhealth/tasks/mortality_prediction.py +++ b/pyhealth/tasks/mortality_prediction.py @@ -733,8 +733,18 @@ class MortalityPredictionEICU(BaseTask): Features key-value pairs: - using diagnosis table (ICD9CM and ICD10CM) as condition codes - - using physicalExam table as procedure codes + - using physicalexam table as procedure codes - using medication table as drugs codes + + Examples: + >>> from pyhealth.datasets import eICUDataset + >>> from pyhealth.tasks import MortalityPredictionEICU + >>> dataset = eICUDataset( + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "medication", "physicalexam"], + ... ) + >>> task = MortalityPredictionEICU() + >>> sample_dataset = dataset.set_task(task) """ task_name: str = "MortalityPredictionEICU" @@ -757,37 +767,53 @@ def __call__(self, patient: Any) -> List[Dict[str, Any]]: """ samples = [] - # Get visits - admissions = patient.get_events(event_type="admissions") - if len(admissions) <= 1: + # Get patient stays (each row in patient table is an ICU stay) + patient_stays = patient.get_events(event_type="patient") + if len(patient_stays) <= 1: return [] - for i in range(len(admissions) - 1): - visit = admissions[i] - next_visit = admissions[i + 1] + for i in range(len(patient_stays) - 1): + stay = patient_stays[i] + next_stay = patient_stays[i + 1] # Check discharge status for mortality label - if next_visit.discharge_status not in ["Alive", "Expired"]: + # In eICU, hospitaldischargestatus indicates "Alive" or "Expired" + discharge_status = getattr(next_stay, "hospitaldischargestatus", None) + if discharge_status not in ["Alive", "Expired"]: mortality_label = 0 else: - mortality_label = 0 if next_visit.discharge_status == "Alive" else 1 + mortality_label = 0 if discharge_status == "Alive" else 1 - # Get clinical codes + # Get the patientunitstayid for filtering + stay_id = str(getattr(stay, "patientunitstayid", "")) + + # Get clinical codes using patientunitstayid-based filtering diagnoses = patient.get_events( - event_type="diagnosis", start=visit.timestamp, end=visit.discharge_time + event_type="diagnosis", + filters=[("patientunitstayid", "==", stay_id)] ) physical_exams = patient.get_events( - event_type="physicalExam", - start=visit.timestamp, - end=visit.discharge_time, + event_type="physicalexam", + filters=[("patientunitstayid", "==", stay_id)] ) medications = patient.get_events( - event_type="medication", start=visit.timestamp, end=visit.discharge_time + event_type="medication", + filters=[("patientunitstayid", "==", stay_id)] ) - conditions = [event.code for event in diagnoses] - procedures_list = [event.code for event in physical_exams] - drugs = [event.code for event in medications] + # Extract codes - use icd9code for diagnoses, physicalexampath for exams, drugname for meds + conditions = [ + getattr(event, "icd9code", "") for event in diagnoses + if getattr(event, "icd9code", None) + ] + procedures_list = [ + getattr(event, "physicalexampath", "") for event in physical_exams + if getattr(event, "physicalexampath", None) + ] + drugs = [ + getattr(event, "drugname", "") for event in medications + if getattr(event, "drugname", None) + ] # Exclude visits without condition, procedure, or drug code if len(conditions) * len(procedures_list) * len(drugs) == 0: @@ -797,11 +823,11 @@ def __call__(self, patient: Any) -> List[Dict[str, Any]]: samples.append( { - "visit_id": visit.visit_id, + "visit_id": stay_id, "patient_id": patient.patient_id, - "conditions": [conditions], - "procedures": [procedures_list], - "drugs": [drugs], + "conditions": conditions, + "procedures": procedures_list, + "drugs": drugs, "mortality": mortality_label, } ) @@ -816,8 +842,18 @@ class MortalityPredictionEICU2(BaseTask): visit based on clinical information from the current visit. Similar to MortalityPredictionEICU, but with different code mapping: - - using admissionDx table and diagnosisString under diagnosis table as condition codes + - using admissiondx table and diagnosisstring under diagnosis table as condition codes - using treatment table as procedure codes + + Examples: + >>> from pyhealth.datasets import eICUDataset + >>> from pyhealth.tasks import MortalityPredictionEICU2 + >>> dataset = eICUDataset( + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "admissiondx", "treatment"], + ... ) + >>> task = MortalityPredictionEICU2() + >>> sample_dataset = dataset.set_task(task) """ task_name: str = "MortalityPredictionEICU2" @@ -836,47 +872,61 @@ def __call__(self, patient: Any) -> List[Dict[str, Any]]: """ samples = [] - # Get visits - admissions = patient.get_events(event_type="admissions") - if len(admissions) <= 1: + # Get patient stays (each row in patient table is an ICU stay) + patient_stays = patient.get_events(event_type="patient") + if len(patient_stays) <= 1: return [] - for i in range(len(admissions) - 1): - visit = admissions[i] - next_visit = admissions[i + 1] + for i in range(len(patient_stays) - 1): + stay = patient_stays[i] + next_stay = patient_stays[i + 1] # Check discharge status for mortality label - if next_visit.discharge_status not in ["Alive", "Expired"]: + discharge_status = getattr(next_stay, "hospitaldischargestatus", None) + if discharge_status not in ["Alive", "Expired"]: mortality_label = 0 else: - mortality_label = 0 if next_visit.discharge_status == "Alive" else 1 + mortality_label = 0 if discharge_status == "Alive" else 1 - # Get clinical codes + # Get the patientunitstayid for filtering + stay_id = str(getattr(stay, "patientunitstayid", "")) + + # Get clinical codes using patientunitstayid-based filtering admission_dx = patient.get_events( - event_type="admissionDx", - start=visit.timestamp, - end=visit.discharge_time, + event_type="admissiondx", + filters=[("patientunitstayid", "==", stay_id)] ) diagnosis_events = patient.get_events( - event_type="diagnosis", start=visit.timestamp, end=visit.discharge_time + event_type="diagnosis", + filters=[("patientunitstayid", "==", stay_id)] ) treatments = patient.get_events( - event_type="treatment", start=visit.timestamp, end=visit.discharge_time + event_type="treatment", + filters=[("patientunitstayid", "==", stay_id)] ) # Get diagnosis strings from diagnosis events diagnosis_strings = list( set( [ - getattr(event, "diagnosisString", "") + getattr(event, "diagnosisstring", "") for event in diagnosis_events - if hasattr(event, "diagnosisString") and event.diagnosisString + if getattr(event, "diagnosisstring", None) ] ) ) - admission_dx_codes = [event.code for event in admission_dx] - treatment_codes = [event.code for event in treatments] + # Get admission diagnosis codes + admission_dx_codes = [ + getattr(event, "admitdxpath", "") for event in admission_dx + if getattr(event, "admitdxpath", None) + ] + + # Get treatment codes + treatment_codes = [ + getattr(event, "treatmentstring", "") for event in treatments + if getattr(event, "treatmentstring", None) + ] # Combine admission diagnoses and diagnosis strings conditions = admission_dx_codes + diagnosis_strings @@ -889,7 +939,7 @@ def __call__(self, patient: Any) -> List[Dict[str, Any]]: samples.append( { - "visit_id": visit.visit_id, + "visit_id": stay_id, "patient_id": patient.patient_id, "conditions": conditions, "procedures": treatment_codes, diff --git a/pyhealth/tasks/readmission_prediction.py b/pyhealth/tasks/readmission_prediction.py index 2e78b3353..e95b6c8fe 100644 --- a/pyhealth/tasks/readmission_prediction.py +++ b/pyhealth/tasks/readmission_prediction.py @@ -312,6 +312,170 @@ def readmission_prediction_eicu_fn2(patient: Patient, time_window=5): return samples +class ReadmissionPredictionEICU(BaseTask): + """ + Readmission prediction on the eICU dataset. + + This task aims at predicting whether the patient will be readmitted into hospital within + a specified time window based on clinical information from the current visit. + + In eICU, timestamps are stored as offsets from ICU admission rather than absolute dates. + This task handles two scenarios: + + 1. **Same hospitalization**: Multiple ICU stays within the same hospital admission + (same patienthealthsystemstayid). Time gap is computed using offset values. + + 2. **Different hospitalizations**: ICU stays from different hospital admissions + (different patienthealthsystemstayid). Since eICU only provides discharge year + (not full dates), any subsequent hospitalization is considered a readmission. + + Features: + - using diagnosis table (ICD9CM and ICD10CM) as condition codes + - using physicalexam table as procedure codes + - using medication table as drugs codes + + Attributes: + task_name (str): The name of the task. + input_schema (Dict[str, str]): The schema for the task input. + output_schema (Dict[str, str]): The schema for the task output. + window (timedelta): Time window for readmission (used for same-hospitalization only). + + Examples: + >>> from pyhealth.datasets import eICUDataset + >>> from pyhealth.tasks import ReadmissionPredictionEICU + >>> dataset = eICUDataset( + ... root="/path/to/eicu-crd/2.0", + ... tables=["diagnosis", "medication", "physicalexam"], + ... ) + >>> task = ReadmissionPredictionEICU(window=timedelta(days=15)) + >>> sample_dataset = dataset.set_task(task) + """ + task_name: str = "ReadmissionPredictionEICU" + input_schema: Dict[str, str] = {"conditions": "sequence", "procedures": "sequence", "drugs": "sequence"} + output_schema: Dict[str, str] = {"readmission": "binary"} + + def __init__(self, window: timedelta = timedelta(days=15)) -> None: + """ + Initializes the task object. + + Args: + window (timedelta): Time window for considering a readmission within the same + hospitalization. For different hospitalizations, any subsequent admission + is considered a readmission. Defaults to 15 days. + """ + self.window = window + self.window_minutes = int(window.total_seconds() / 60) + + def __call__(self, patient: Patient) -> List[Dict]: + """ + Generates binary classification data samples for a single patient. + + Args: + patient (Patient): A patient object. + + Returns: + List[Dict]: A list containing a dictionary for each patient visit with: + - 'visit_id': eICU patientunitstayid. + - 'patient_id': eICU uniquepid. + - 'conditions': Diagnosis codes from diagnosis table. + - 'procedures': Physical exam codes from physicalexam table. + - 'drugs': Drug names from medication table. + - 'readmission': binary label. + """ + # Get patient stays (each row in patient table is an ICU stay) + patient_stays = patient.get_events(event_type="patient") + if len(patient_stays) < 2: + return [] + + # Sort stays by hospital stay ID and unit visit number for proper ordering + # Within same hospitalization: use unitvisitnumber + # Across hospitalizations: use patienthealthsystemstayid + sorted_stays = sorted( + patient_stays, + key=lambda s: ( + int(getattr(s, "patienthealthsystemstayid", 0) or 0), + int(getattr(s, "unitvisitnumber", 0) or 0) + ) + ) + + samples = [] + for i in range(len(sorted_stays) - 1): + stay = sorted_stays[i] + next_stay = sorted_stays[i + 1] + + # Get the patientunitstayid for filtering + stay_id = str(getattr(stay, "patientunitstayid", "")) + + # Get clinical codes using patientunitstayid-based filtering + diagnoses = patient.get_events( + event_type="diagnosis", + filters=[("patientunitstayid", "==", stay_id)] + ) + conditions = [ + getattr(event, "icd9code", "") for event in diagnoses + if getattr(event, "icd9code", None) + ] + if len(conditions) == 0: + continue + + physical_exams = patient.get_events( + event_type="physicalexam", + filters=[("patientunitstayid", "==", stay_id)] + ) + procedures = [ + getattr(event, "physicalexampath", "") for event in physical_exams + if getattr(event, "physicalexampath", None) + ] + if len(procedures) == 0: + continue + + medications = patient.get_events( + event_type="medication", + filters=[("patientunitstayid", "==", stay_id)] + ) + drugs = [ + getattr(event, "drugname", "") for event in medications + if getattr(event, "drugname", None) + ] + if len(drugs) == 0: + continue + + # Determine readmission label based on hospitalization relationship + current_hosp_id = getattr(stay, "patienthealthsystemstayid", None) + next_hosp_id = getattr(next_stay, "patienthealthsystemstayid", None) + + if current_hosp_id == next_hosp_id: + # Same hospitalization: compute time gap using offsets (in minutes) + # Gap = next stay's ICU admit (time 0) - current stay's unit discharge offset + try: + current_unit_discharge_offset = int(getattr(stay, "unitdischargeoffset", 0) or 0) + # Time gap in minutes from current ICU discharge to next ICU admission + # Since next stay's ICU admission is its reference point (offset 0), + # we need to estimate the gap. For simplicity, if there's a next stay + # in the same hospitalization, consider the gap as minimal (readmission). + # A more precise calculation would require additional offset information. + readmission_label = 1 # ICU readmission within same hospitalization + except (ValueError, TypeError): + readmission_label = 1 + else: + # Different hospitalization: eICU doesn't provide full dates, + # so any subsequent hospitalization is flagged as readmission + readmission_label = 1 + + samples.append( + { + "visit_id": stay_id, + "patient_id": patient.patient_id, + "conditions": conditions, + "procedures": procedures, + "drugs": drugs, + "readmission": readmission_label, + } + ) + + return samples + + class ReadmissionPredictionOMOP(BaseTask): """ Readmission prediction on the OMOP dataset. diff --git a/test-resources/core/eicudemo/admissionDx.csv b/test-resources/core/eicudemo/admissionDx.csv new file mode 100644 index 000000000..a69383e13 --- /dev/null +++ b/test-resources/core/eicudemo/admissionDx.csv @@ -0,0 +1,523 @@ +admissiondxid,patientunitstayid,admitdxenteredoffset,admitdxpath,admitdxname,admitdxtext +8442671,2999209,82,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Endarterectomy, carotid","Endarterectomy, carotid","Endarterectomy, carotid" +8442670,2999209,82,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8442669,2999209,82,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +8442668,2999209,82,admission diagnosis|Elective|Yes,Yes,Yes +8396023,3003035,1217,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +8396021,3003035,1217,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8396022,3003035,1217,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Hypoglycemia,Hypoglycemia,Hypoglycemia +8623270,3069831,612,admission diagnosis|Non-operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +8623271,3069831,612,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Genitourinary|Renal failure, acute","Renal failure, acute","Renal failure, acute" +8623269,3069831,612,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8766150,3083539,140,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Respiratory - medical, other","Respiratory - medical, other","Respiratory - medical, other" +8766149,3083539,140,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +8766148,3083539,140,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8732238,3090122,229,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Neurologic medical, other","Neurologic medical, other","Neurologic medical, other" +8732237,3090122,229,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +8732236,3090122,229,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8747502,3096492,1340,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8747504,3096492,1340,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Respiratory - medical, other","Respiratory - medical, other","Respiratory - medical, other" +8747503,3096492,1340,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +8743627,3122442,55,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|CVA, cerebrovascular accident/stroke","CVA, cerebrovascular accident/stroke","CVA, cerebrovascular accident/stroke" +8743626,3122442,55,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +8743625,3122442,55,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8816008,3135511,947,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8816010,3135511,947,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, GI","Sepsis, GI","Sepsis, GI" +8816009,3135511,947,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8846066,3135611,471,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8846067,3135611,471,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, cutaneous/soft tissue","Sepsis, cutaneous/soft tissue","Sepsis, cutaneous/soft tissue" +8846065,3135611,471,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8808527,3143195,11,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8808528,3143195,11,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +8808529,3143195,11,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Encephalopathy, hepatic","Encephalopathy, hepatic","Encephalopathy, hepatic" +8779586,3152779,-143,admission diagnosis|Elective|Yes,Yes,Yes +8779594,3152779,-143,admission diagnosis|Additional APACHE Information|Internal mammary artery graft?|Yes,Yes,Yes +8779595,3152779,-143,admission diagnosis|Additional APACHE Information|Saphenous vein graft?|Yes,Yes,Yes +8779587,3152779,-143,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +8779591,3152779,-143,admission diagnosis|Additional APACHE Information|Pre-op MI during current hospitalization|No,No,No +8779588,3152779,-143,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8779590,3152779,-143,admission diagnosis|Additional APACHE Information|Pre-op ejection fraction (%)|specified,specified,47 +8779592,3152779,-143,admission diagnosis|Additional APACHE Information|Pre-op cardiac catheterization during this hospitalization|No,No,No +8779589,3152779,-143,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting" +8779593,3152779,-143,admission diagnosis|Additional APACHE Information|Number of grafts performed|4,4,4 +8815654,3153393,814,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8815657,3153393,814,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +8815658,3153393,814,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|none,none,none +8815655,3153393,814,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8815656,3153393,814,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System) +8797800,3153894,465,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +8797799,3153894,465,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)" +8797797,3153894,465,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8797801,3153894,465,admission diagnosis|Additional APACHE Information|Acute MI location|lateral,lateral,lateral +8797798,3153894,465,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8801855,3157910,-10,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, GI","Sepsis, GI","Sepsis, GI" +8801853,3157910,-10,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8801854,3157910,-10,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8815911,3159124,32,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)" +8815910,3159124,32,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8815909,3159124,32,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8794519,3160468,1100,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8794520,3160468,1100,admission diagnosis|Non-operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +8794521,3160468,1100,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Musculoskeletal/Skin|Cellulitis and localized soft tissue infections,Cellulitis and localized soft tissue infections,Cellulitis and localized soft tissue infections +8984309,3193216,5,admission diagnosis|Operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +8984308,3193216,5,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +8984310,3193216,5,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Neurology|Neoplasm-cranial, surgery for (excluding transphenoidal)","Neoplasm-cranial, surgery for (excluding transphenoidal)","Neoplasm-cranial, surgery for (excluding transphenoidal)" +8984307,3193216,5,admission diagnosis|Elective|Yes,Yes,Yes +9110199,3211257,18,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Trauma|Head/abdomen trauma,Head/abdomen trauma,Head/abdomen trauma +9110198,3211257,18,admission diagnosis|Non-operative Organ Systems|Organ System|Trauma,Trauma,Trauma +9110197,3211257,18,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9140404,3244585,103,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +9140403,3244585,103,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9140405,3244585,103,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Seizures (primary-no structural brain disease),Seizures (primary-no structural brain disease),Seizures (primary-no structural brain disease) +9140756,3246790,13,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Genitourinary|Renal failure, acute","Renal failure, acute","Renal failure, acute" +9140755,3246790,13,admission diagnosis|Non-operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +9140754,3246790,13,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9491313,3348292,25,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|GI perforation/rupture,GI perforation/rupture,GI perforation/rupture +9491312,3348292,25,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +9491311,3348292,25,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9492260,3348293,54,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, GI","Sepsis, GI","Sepsis, GI" +9492259,3348293,54,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +9492258,3348293,54,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9451920,3352230,1274,admission diagnosis|Additional APACHE Information|Pre-op cardiac catheterization during this hospitalization|Yes,Yes,Yes +9451918,3352230,1274,admission diagnosis|Additional APACHE Information|Saphenous vein graft?|Yes,Yes,Yes +9451913,3352230,1274,admission diagnosis|Elective|Yes,Yes,Yes +9451919,3352230,1274,admission diagnosis|Additional APACHE Information|Number of grafts performed|4,4,4 +9451916,3352230,1274,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting" +9451922,3352230,1274,admission diagnosis|Additional APACHE Information|Pre-op ejection fraction (%)|specified,specified,55 +9451914,3352230,1274,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +9451915,3352230,1274,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +9451917,3352230,1274,admission diagnosis|Additional APACHE Information|Internal mammary artery graft?|Yes,Yes,Yes +9451921,3352230,1274,admission diagnosis|Additional APACHE Information|Pre-op MI during current hospitalization|Yes,Yes,Yes +9451743,3352231,5,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +9451740,3352231,5,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +9451744,3352231,5,admission diagnosis|Additional APACHE Information|Acute MI location|inferior,inferior,inferior +9451745,3352231,5,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|none,none,none +9451742,3352231,5,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)" +9451741,3352231,5,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +677489,141765,7,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)" +677488,141765,7,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +677487,141765,7,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +696648,178858,317,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +696649,178858,317,admission diagnosis|Operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +696650,178858,317,admission diagnosis|All Diagnosis|Operative|Diagnosis|Gastrointestinal|Herniorrhaphy,Herniorrhaphy,Herniorrhaphy +696647,178858,317,admission diagnosis|Elective|Yes,Yes,Yes +744488,210642,3,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +744490,210642,3,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Emphysema/bronchitis,Emphysema/bronchitis,Emphysema/bronchitis +744489,210642,3,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +472754,217838,17,admission diagnosis|Elective|Yes,Yes,Yes +472757,217838,17,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Musculoskeletal/Skin|Hip replacement, total (non-traumatic)","Hip replacement, total (non-traumatic)","Hip replacement, total (non-traumatic)" +472756,217838,17,admission diagnosis|Operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +472755,217838,17,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +941704,257802,1,admission diagnosis|Operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +941703,257802,1,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +941702,257802,1,admission diagnosis|Elective|Yes,Yes,Yes +941705,257802,1,admission diagnosis|All Diagnosis|Operative|Diagnosis|Neurology|Transphenoidal surgery,Transphenoidal surgery,Transphenoidal surgery +968543,263285,4,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +968545,263285,4,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +968544,263285,4,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +948283,281132,33,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +948285,281132,33,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +948284,281132,33,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +974302,284517,14,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +974303,284517,14,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +974304,284517,14,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +1289485,313055,21,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1289486,313055,21,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)" +1289487,313055,21,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +1289484,313055,21,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1289488,313055,21,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|BAL/stent,BAL/stent,BAL/stent +1357410,314184,1028,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +1357409,314184,1028,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1357411,314184,1028,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Respiratory - medical, other","Respiratory - medical, other","Respiratory - medical, other" +1308697,342377,123,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +1308698,342377,123,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Cancer, esophageal","Cancer, esophageal","Cancer, esophageal" +1308696,342377,123,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1348183,356949,78,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +1348182,356949,78,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1348184,356949,78,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +1328230,361404,6,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1328231,361404,6,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +1328232,361404,6,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Asthma,Asthma,Asthma +1299802,367912,5,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +1299803,367912,5,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|GI perforation/rupture,GI perforation/rupture,GI perforation/rupture +1299801,367912,5,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1362007,368911,42,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1362008,368911,42,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +1362009,368911,42,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)" +1341833,369237,20,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +1341831,369237,20,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1341832,369237,20,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1322653,378120,13,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1322655,378120,13,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Hemorrhage (for gastrointestinal bleeding GI-see GI system) (for trauma see Trauma),Hemorrhage (for gastrointestinal bleeding GI-see GI system) (for trauma see Trauma),Hemorrhage (for gastrointestinal bleeding GI-see GI system) (for trauma see Trauma) +1322654,378120,13,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1292855,393769,42,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +1292856,393769,42,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)" +1292854,393769,42,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1282970,395323,78,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1282971,395323,78,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +1282969,395323,78,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1294039,403279,33,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +1294038,403279,33,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1294037,403279,33,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1311564,405746,195,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1311565,405746,195,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Thrombosis, vascular (deep vein)","Thrombosis, vascular (deep vein)","Thrombosis, vascular (deep vein)" +1311563,405746,195,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1348371,411036,430,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1348373,411036,430,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +1348372,411036,430,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1326885,420354,28,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1326886,420354,28,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +1326887,420354,28,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, other","Sepsis, other","Sepsis, other" +1658264,436993,73,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +1658265,436993,73,admission diagnosis|Operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +1658266,436993,73,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Musculoskeletal/Skin|Hip replacement, total (non-traumatic)","Hip replacement, total (non-traumatic)","Hip replacement, total (non-traumatic)" +1658263,436993,73,admission diagnosis|Elective|Yes,Yes,Yes +1648702,439621,18,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +1648703,439621,18,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +1648701,439621,18,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1633214,475290,19,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1633215,475290,19,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +1633216,475290,19,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +1651813,482789,75,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, other","Pneumonia, other","Pneumonia, other" +1651812,482789,75,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +1651811,482789,75,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1643144,485952,12,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +1643143,485952,12,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +1643142,485952,12,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1632587,533168,109,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +1632589,533168,109,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)" +1632588,533168,109,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2508251,580972,6,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2508253,580972,6,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Overdose, other toxin, poison or drug","Overdose, other toxin, poison or drug","Overdose, other toxin, poison or drug" +2508252,580972,6,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +2515754,608375,748,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, GI","Sepsis, GI","Sepsis, GI" +2515753,608375,748,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2515752,608375,748,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2332609,639917,41,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2332611,639917,41,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Overdose, street drugs (opiates, cocaine, amphetamine)","Overdose, street drugs (opiates, cocaine, amphetamine)","Overdose, street drugs (opiates, cocaine, amphetamine)" +2332610,639917,41,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +2349393,654286,14,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2349396,654286,14,admission diagnosis|All Diagnosis|Operative|Diagnosis|Trauma|Pelvis/extremity trauma,Pelvis/extremity trauma,Pelvis/extremity trauma +2349394,654286,14,admission diagnosis|Operative Organ Systems|Organ System|Trauma,Trauma,Trauma +2349395,654286,14,admission diagnosis|Elective|Yes,Yes,Yes +2465912,758779,36,admission diagnosis|Elective|Yes,Yes,Yes +2465913,758779,36,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2465914,758779,36,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2465915,758779,36,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Complications of prev. peripheral vasc. surgery,surgery for (i.e.ligation of bleeder, exploration and evacuation of hematoma, debridement, pseudoaneurysms, clots, fistula, etc.)","Complications of prev. peripheral vasc. surgery,surgery for (i.e.ligation of bleeder, exploration and evacuation of hematoma, debridement, pseudoaneurysms, clots, fistula, etc.)","Complications of prev. peripheral vasc. surgery,surgery for (i.e.ligation of bleeder, exploration and evacuation of hematoma, debridement, pseudoaneurysms, clots, fistula, etc.)" +2417815,827084,18,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Gastrointestinal|GI obstruction, surgery for (including lysis of adhesions)","GI obstruction, surgery for (including lysis of adhesions)","GI obstruction, surgery for (including lysis of adhesions)" +2417813,827084,18,admission diagnosis|Elective|No,No,No +2417812,827084,18,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2417816,827084,18,admission diagnosis|Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission|Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission,Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission,Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission +2417814,827084,18,admission diagnosis|Operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +2360118,827085,68,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2360120,827085,68,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Hypovolemia (including dehydration, Do not include shock states)","Hypovolemia (including dehydration, Do not include shock states)","Hypovolemia (including dehydration, Do not include shock states)" +2360119,827085,68,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2336147,839120,2148,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2336149,839120,2148,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Trauma|Head only trauma,Head only trauma,Head only trauma +2336148,839120,2148,admission diagnosis|Non-operative Organ Systems|Organ System|Trauma,Trauma,Trauma +2415142,842499,75,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2415141,842499,75,admission diagnosis|Elective|Yes,Yes,Yes +2415144,842499,75,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Gastrointestinal|Cholecystectomy/cholangitis, surgery for (gallbladder removal)","Cholecystectomy/cholangitis, surgery for (gallbladder removal)","Cholecystectomy/cholangitis, surgery for (gallbladder removal)" +2415143,842499,75,admission diagnosis|Operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +2519240,859032,39,admission diagnosis|Elective|Yes,Yes,Yes +2519243,859032,39,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Graft, removal of infected vascular","Graft, removal of infected vascular","Graft, removal of infected vascular" +2519242,859032,39,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2519241,859032,39,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2511919,859033,43,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2511921,859033,43,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Musculoskeletal/Skin|Cellulitis and localized soft tissue infections,Cellulitis and localized soft tissue infections,Cellulitis and localized soft tissue infections +2511920,859033,43,admission diagnosis|Non-operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +2448314,869526,15,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Acid-base/electrolyte disturbance,Acid-base/electrolyte disturbance,Acid-base/electrolyte disturbance +2448312,869526,15,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2448313,869526,15,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +2432474,876429,30,admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Aortic and Mitral valve replacement,Aortic and Mitral valve replacement,Aortic and Mitral valve replacement +2432471,876429,30,admission diagnosis|Elective|Yes,Yes,Yes +2432473,876429,30,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2432472,876429,30,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2432475,876429,30,admission diagnosis|Additional APACHE Information|Pre-op ejection fraction (%)|specified,specified,60 +2304751,887140,7,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Graft, aorto-femoral bypass","Graft, aorto-femoral bypass","Graft, aorto-femoral bypass" +2304749,887140,7,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2304748,887140,7,admission diagnosis|Elective|Yes,Yes,Yes +2304750,887140,7,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2605455,959746,441,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|BAL/stent,BAL/stent,BAL/stent +2605454,959746,441,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|Yes,Yes,Yes +2605453,959746,441,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)" +2605451,959746,441,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2605456,959746,441,admission diagnosis|Additional APACHE Information|Acute MI location|anterolateral,anterolateral,anterolateral +2605452,959746,441,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2627330,963136,14,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +2627329,963136,14,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2627328,963136,14,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2599545,964782,4,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Thrombosis, vascular (deep vein)","Thrombosis, vascular (deep vein)","Thrombosis, vascular (deep vein)" +2599543,964782,4,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2599544,964782,4,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2616565,965083,17,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +2616564,965083,17,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2616563,965083,17,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2618864,970328,282,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +2618863,970328,282,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2618865,970328,282,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)" +2634054,970720,73,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +2634053,970720,73,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2634055,970720,73,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Effusions, pleural","Effusions, pleural","Effusions, pleural" +2605666,972877,24,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic hyperglycemic hyperosmolar nonketotic coma (HHNC),Diabetic hyperglycemic hyperosmolar nonketotic coma (HHNC),Diabetic hyperglycemic hyperosmolar nonketotic coma (HHNC) +2605665,972877,24,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +2605664,972877,24,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2606848,976722,61,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2606850,976722,61,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Rhythm disturbance (ventricular),Rhythm disturbance (ventricular),Rhythm disturbance (ventricular) +2606849,976722,61,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2908087,1058166,142,admission diagnosis|Elective|Yes,Yes,Yes +2908089,1058166,142,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2908091,1058166,142,admission diagnosis|Additional APACHE Information|Pre-op ejection fraction (%)|specified,specified,55 +2908088,1058166,142,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +2908090,1058166,142,admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Aortic valve replacement (isolated),Aortic valve replacement (isolated),Aortic valve replacement (isolated) +2908785,1063405,447,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +2908783,1063405,447,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +2908786,1063405,447,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|none,none,none +2908782,1063405,447,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2908784,1063405,447,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System) +2931109,1073098,67,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +2931107,1073098,67,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +2931108,1073098,67,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +3087226,1091677,61,admission diagnosis|Non-operative Organ Systems|Organ System|Hematology,Hematology,Hematology +3087227,1091677,61,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Hematology|Neutropenia,Neutropenia,Neutropenia +3087225,1091677,61,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3101927,1101375,96,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +3101926,1101375,96,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3101928,1101375,96,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Hemorrhage/hematoma, intracranial","Hemorrhage/hematoma, intracranial","Hemorrhage/hematoma, intracranial" +3088702,1131174,550,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|none,none,none +3088701,1131174,550,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +3088699,1131174,550,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +3088700,1131174,550,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)" +3088698,1131174,550,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3338218,1176674,97,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +3338219,1176674,97,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Chest pain, epigastric","Chest pain, epigastric","Chest pain, epigastric" +3338217,1176674,97,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3336106,1176675,3,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +3336104,1176675,3,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3336105,1176675,3,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +3358578,1191262,-6,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3358579,1191262,-6,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +3358580,1191262,-6,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Hematoma, subdural","Hematoma, subdural","Hematoma, subdural" +3346787,1193511,-24,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +3346786,1193511,-24,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +3346785,1193511,-24,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3733629,1226362,419,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +3733628,1226362,419,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3733630,1226362,419,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +3705350,1259416,96,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|GI medical, other","GI medical, other","GI medical, other" +3705349,1259416,96,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +3705348,1259416,96,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +3716041,1290248,408,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +3716042,1290248,408,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Bleeding, GI-location unknown","Bleeding, GI-location unknown","Bleeding, GI-location unknown" +3716040,1290248,408,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4453933,1437505,5,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4453935,1437505,5,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +4453934,1437505,5,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +4421858,1457949,13,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +4421859,1457949,13,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Acid-base/electrolyte disturbance,Acid-base/electrolyte disturbance,Acid-base/electrolyte disturbance +4421857,1457949,13,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4431316,1463884,71,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4431318,1463884,71,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +4431317,1463884,71,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +4404109,1488334,327,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +4404108,1488334,327,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +4404107,1488334,327,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4393925,1536927,102,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4393926,1536927,102,admission diagnosis|Non-operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +4393927,1536927,102,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Genitourinary|Pre-eclampsia/eclampsia,Pre-eclampsia/eclampsia,Pre-eclampsia/eclampsia +4419295,1544756,55,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +4419296,1544756,55,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +4419297,1544756,55,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|GI obstruction,GI obstruction,GI obstruction +4418606,1550318,27,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +4418607,1550318,27,admission diagnosis|Elective|No,No,No +4418609,1550318,27,admission diagnosis|All Diagnosis|Operative|Diagnosis|Genitourinary|Cesarean section,Cesarean section,Cesarean section +4418608,1550318,27,admission diagnosis|Operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +4560255,1563281,48,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +4560254,1563281,48,admission diagnosis|Elective|Yes,Yes,Yes +4560257,1563281,48,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Musculoskeletal/Skin|Skin surgery, other","Skin surgery, other","Skin surgery, other" +4560256,1563281,48,admission diagnosis|Operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +4562807,1588896,313,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +4562809,1588896,313,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Cardiovascular surgery, other","Cardiovascular surgery, other","Cardiovascular surgery, other" +4562808,1588896,313,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +4562806,1588896,313,admission diagnosis|Elective|Yes,Yes,Yes +4941901,1671276,139,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)" +4941900,1671276,139,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +4941899,1671276,139,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5374774,1790816,42,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|Yes,Yes,Yes +5374775,1790816,42,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|Stent,Stent,Stent +5374771,1790816,42,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5374773,1790816,42,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)" +5374772,1790816,42,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5346064,1795300,72,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5346065,1795300,72,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, unknown","Sepsis, unknown","Sepsis, unknown" +5346063,1795300,72,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5419241,1812280,-26,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5419242,1812280,-26,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)","Rhythm disturbance (atrial, supraventricular)" +5419240,1812280,-26,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5453734,1827129,27,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +5453735,1827129,27,admission diagnosis|Operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +5453733,1827129,27,admission diagnosis|Elective|Yes,Yes,Yes +5453736,1827129,27,admission diagnosis|All Diagnosis|Operative|Diagnosis|Respiratory|Thoracotomy for lung cancer,Thoracotomy for lung cancer,Thoracotomy for lung cancer +5479852,1849124,12,admission diagnosis|Elective|Yes,Yes,Yes +5479858,1849124,12,admission diagnosis|Additional APACHE Information|Pre-op cardiac catheterization during this hospitalization|No,No,No +5479853,1849124,12,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +5479855,1849124,12,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting" +5479856,1849124,12,admission diagnosis|Additional APACHE Information|Pre-op ejection fraction (%)|specified,specified,70 +5479861,1849124,12,admission diagnosis|Additional APACHE Information|Saphenous vein graft?|Yes,Yes,Yes +5479860,1849124,12,admission diagnosis|Additional APACHE Information|Internal mammary artery graft?|Yes,Yes,Yes +5479857,1849124,12,admission diagnosis|Additional APACHE Information|Pre-op MI during current hospitalization|No,No,No +5479859,1849124,12,admission diagnosis|Additional APACHE Information|Number of grafts performed|4,4,4 +5479854,1849124,12,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5386602,1852395,-70,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Musculoskeletal/Skin|Cellulitis and localized soft tissue infections, surgery for","Cellulitis and localized soft tissue infections, surgery for","Cellulitis and localized soft tissue infections, surgery for" +5386601,1852395,-70,admission diagnosis|Operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +5386600,1852395,-70,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +5386599,1852395,-70,admission diagnosis|Elective|Yes,Yes,Yes +5375511,1852625,26,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +5375509,1852625,26,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5375510,1852625,26,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5365287,1856167,0,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)" +5365285,1856167,0,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5365286,1856167,0,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +5365452,1856168,6,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)","Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)" +5365451,1856168,6,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +5365450,1856168,6,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5872402,2032114,740,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5872405,2032114,740,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|BAL/stent,BAL/stent,BAL/stent +5872401,2032114,740,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5872403,2032114,740,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)","Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)" +5872404,2032114,740,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +5905394,2075529,39,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +5905395,2075529,39,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +5905393,2075529,39,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5878944,2193648,20,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +5878946,2193648,20,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +5878945,2193648,20,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +5886555,2193649,9,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +5886556,2193649,9,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +5886554,2193649,9,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6244782,2233402,42,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6244783,2233402,42,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +6244784,2233402,42,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Bleeding, lower GI","Bleeding, lower GI","Bleeding, lower GI" +6244874,2233403,35,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +6244873,2233403,35,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6244875,2233403,35,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Bleeding, upper GI","Bleeding, upper GI","Bleeding, upper GI" +6466972,2303499,9,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +6466971,2303499,9,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6466973,2303499,9,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +6403221,2303500,23,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6403223,2303500,23,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +6403222,2303500,23,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +6308238,2334053,8,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6308240,2334053,8,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Emphysema/bronchitis,Emphysema/bronchitis,Emphysema/bronchitis +6308239,2334053,8,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6581015,2450383,10,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +6581014,2450383,10,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6581013,2450383,10,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6310142,2462225,59,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6310141,2462225,59,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6310143,2462225,59,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Emphysema/bronchitis,Emphysema/bronchitis,Emphysema/bronchitis +6689225,2469796,21,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +6689224,2469796,21,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6689226,2469796,21,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +6301401,2492811,41,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6301402,2492811,41,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +6301400,2492811,41,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6301180,2492812,19,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, bacterial","Pneumonia, bacterial","Pneumonia, bacterial" +6301179,2492812,19,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6301178,2492812,19,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6612877,2512314,69,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +6612876,2512314,69,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +6612878,2512314,69,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Restrictive lung disease (i.e., Sarcoidosis, pulmonary fibrosis)","Restrictive lung disease (i.e., Sarcoidosis, pulmonary fibrosis)","Restrictive lung disease (i.e., Sarcoidosis, pulmonary fibrosis)" +7147613,2580992,1105,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7147615,2580992,1105,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, aspiration","Pneumonia, aspiration","Pneumonia, aspiration" +7147614,2580992,1105,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +7158814,2597776,9,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7159369,2597776,9,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7158405,2597776,9,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +7158338,2597777,1323,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7158473,2597777,1323,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +7159162,2597777,1323,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, other","Pneumonia, other","Pneumonia, other" +7157084,2609672,27,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7159063,2609672,27,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +7155876,2609672,27,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7154047,2610399,55,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7155716,2610399,55,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7150004,2610399,55,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +7158498,2627574,94,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Hypertension, uncontrolled (for cerebrovascular accident-see Neurological System)","Hypertension, uncontrolled (for cerebrovascular accident-see Neurological System)","Hypertension, uncontrolled (for cerebrovascular accident-see Neurological System)" +7156891,2627574,94,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7158430,2627574,94,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7118979,2628859,8,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Pneumonia, aspiration","Pneumonia, aspiration","Pneumonia, aspiration" +7118977,2628859,8,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7118978,2628859,8,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +7115454,2630865,130,admission diagnosis|Non-operative Organ Systems|Organ System|Respiratory,Respiratory,Respiratory +7115455,2630865,130,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Respiratory|Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)","Arrest, respiratory (without cardiac arrest)" +7115453,2630865,130,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8028056,2672664,17,admission diagnosis|Elective|Yes,Yes,Yes +8028059,2672664,17,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Musculoskeletal/Skin|Cellulitis and localized soft tissue infections, surgery for","Cellulitis and localized soft tissue infections, surgery for","Cellulitis and localized soft tissue infections, surgery for" +8028058,2672664,17,admission diagnosis|Operative Organ Systems|Organ System|Musculoskeletal/Skin,Musculoskeletal/Skin,Musculoskeletal/Skin +8028057,2672664,17,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +7910099,2687268,32,admission diagnosis|Additional APACHE Information|Saphenous vein graft?|Yes,Yes,Yes +7910096,2687268,32,"admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting","CABG alone, coronary artery bypass grafting" +7910095,2687268,32,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7910098,2687268,32,admission diagnosis|Additional APACHE Information|Internal mammary artery graft?|Yes,Yes,Yes +7910097,2687268,32,admission diagnosis|Additional APACHE Information|Number of grafts performed|4,4,4 +7910094,2687268,32,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +7910093,2687268,32,admission diagnosis|Elective|Yes,Yes,Yes +7617282,2694459,5,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7617284,2694459,5,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Gastrointestinal|Pancreatitis,Pancreatitis,Pancreatitis +7617283,2694459,5,admission diagnosis|Non-operative Organ Systems|Organ System|Gastrointestinal,Gastrointestinal,Gastrointestinal +8011335,2705166,782,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8011336,2705166,782,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8011337,2705166,782,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, pulmonary","Sepsis, pulmonary","Sepsis, pulmonary" +7744958,2720598,41,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +7744959,2720598,41,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|Neoplasm, neurologic","Neoplasm, neurologic","Neoplasm, neurologic" +7744957,2720598,41,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7433265,2735662,54,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +7433264,2735662,54,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7433263,2735662,54,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7964613,2738362,138,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7964618,2738362,138,admission diagnosis|Additional APACHE Information|Acute MI location|inferior,inferior,inferior +7964615,2738362,138,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)","Infarction, acute myocardial (MI)" +7964614,2738362,138,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7964616,2738362,138,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +7964617,2738362,138,admission diagnosis|Additional APACHE Information|PTCA done within 24 hours|BAL/stent,BAL/stent,BAL/stent +8016802,2740390,66,admission diagnosis|Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission|Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission,Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission,Patient transferred from another hospital to the current hospital within 48 hours prior to ICU admission +8016798,2740390,66,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +8016799,2740390,66,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +8016801,2740390,66,admission diagnosis|Additional APACHE Information|Thrombolytic Therapy received within 24 hours|No,No,No +8016800,2740390,66,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System) +7580060,2743241,302,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7580059,2743241,302,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7580061,2743241,302,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, unknown","Sepsis, unknown","Sepsis, unknown" +7968635,2747612,18,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Neurology|CVA, cerebrovascular accident/stroke","CVA, cerebrovascular accident/stroke","CVA, cerebrovascular accident/stroke" +7968633,2747612,18,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7968634,2747612,18,admission diagnosis|Non-operative Organ Systems|Organ System|Neurologic,Neurologic,Neurologic +7941672,2787456,28,admission diagnosis|Operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +7941673,2787456,28,admission diagnosis|All Diagnosis|Operative|Diagnosis|Genitourinary|Cesarean section,Cesarean section,Cesarean section +7941671,2787456,28,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +7941670,2787456,28,admission diagnosis|Elective|Yes,Yes,Yes +7992943,2797147,30,admission diagnosis|Non-operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +7992944,2797147,30,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Genitourinary|Renal failure, acute","Renal failure, acute","Renal failure, acute" +7992942,2797147,30,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7921100,2833949,104,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +7921099,2833949,104,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7921098,2833949,104,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7874600,2853320,32,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7874599,2853320,32,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7874601,2853320,32,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +7956220,2853358,19,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7956221,2853358,19,admission diagnosis|Non-operative Organ Systems|Organ System|Genitourinary,Genitourinary,Genitourinary +7956222,2853358,19,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Genitourinary|Renal failure, acute","Renal failure, acute","Renal failure, acute" +7910799,2857777,46,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)","Sepsis, renal/UTI (including bladder)" +7910798,2857777,46,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7910797,2857777,46,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7947421,2866326,40,admission diagnosis|All Diagnosis|Operative|Diagnosis|Cardiovascular|Thrombectomy (with general anesthesia),Thrombectomy (with general anesthesia),Thrombectomy (with general anesthesia) +7947420,2866326,40,admission diagnosis|Operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7947419,2866326,40,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|Yes,Yes,Yes +7947418,2866326,40,admission diagnosis|Elective|Yes,Yes,Yes +7636652,2886662,17,admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Metabolic/Endocrine|Diabetic ketoacidosis,Diabetic ketoacidosis,Diabetic ketoacidosis +7636650,2886662,17,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No +7636651,2886662,17,admission diagnosis|Non-operative Organ Systems|Organ System|Metabolic/Endocrine,Metabolic/Endocrine,Metabolic/Endocrine +7876832,2893348,9,"admission diagnosis|All Diagnosis|Non-operative|Diagnosis|Cardiovascular|CHF, congestive heart failure","CHF, congestive heart failure","CHF, congestive heart failure" +7876831,2893348,9,admission diagnosis|Non-operative Organ Systems|Organ System|Cardiovascular,Cardiovascular,Cardiovascular +7876830,2893348,9,admission diagnosis|Was the patient admitted from the O.R. or went to the O.R. within 4 hours of admission?|No,No,No diff --git a/test-resources/core/eicudemo/create_demo_data.py b/test-resources/core/eicudemo/create_demo_data.py new file mode 100644 index 000000000..70b095cd0 --- /dev/null +++ b/test-resources/core/eicudemo/create_demo_data.py @@ -0,0 +1,134 @@ +""" +Script to create eICU demo data subset from the PhysioNet eICU-CRD demo dataset. + +This script loads the eICU demo data and creates a smaller subset with ~100 patients +for use in unit tests. It ensures patients with multiple visits and complete clinical +data are included for task testing. +""" + +import gzip +import os +import random +from pathlib import Path + +import pandas as pd + +# Set random seed for reproducibility +random.seed(42) + +# Source and destination paths +EICU_DEMO_ROOT = Path("/home/johnwu3/projects/PyHealth_Branch_Testing/datasets/physionet.org/files/eicu-crd-demo/2.0.1") +OUTPUT_DIR = Path(__file__).parent + +# Tables to include in the demo subset +TABLES_TO_INCLUDE = [ + "patient", + "hospital", + "diagnosis", + "medication", + "treatment", + "lab", + "physicalExam", + "admissionDx", +] + + +def load_csv_gz(filepath: Path) -> pd.DataFrame: + """Load a gzipped CSV file.""" + print(f"Loading {filepath.name}...") + return pd.read_csv(filepath, compression="gzip", low_memory=False) + + +def save_csv(df: pd.DataFrame, filepath: Path) -> None: + """Save a DataFrame to CSV.""" + df.to_csv(filepath, index=False) + print(f"Saved {filepath.name} with {len(df)} rows") + + +def main(): + print("=" * 60) + print("Creating eICU Demo Data Subset") + print("=" * 60) + + # Create output directory if it doesn't exist + OUTPUT_DIR.mkdir(parents=True, exist_ok=True) + + # Load patient table first to select patients + patient_df = load_csv_gz(EICU_DEMO_ROOT / "patient.csv.gz") + print(f"Total patients (rows) in source: {len(patient_df)}") + print(f"Unique patients: {patient_df['uniquepid'].nunique()}") + + # Find patients with multiple ICU stays (for task testing) + patient_visit_counts = patient_df.groupby('uniquepid').size() + multi_visit_patients = patient_visit_counts[patient_visit_counts >= 2].index.tolist() + single_visit_patients = patient_visit_counts[patient_visit_counts == 1].index.tolist() + + print(f"Patients with multiple visits: {len(multi_visit_patients)}") + print(f"Patients with single visit: {len(single_visit_patients)}") + + # Select patients: prioritize multi-visit patients for task testing + # Take all multi-visit patients + some single-visit to get ~100 total + num_multi = min(len(multi_visit_patients), 50) + num_single = min(100 - num_multi, len(single_visit_patients)) + + selected_multi = random.sample(multi_visit_patients, num_multi) + selected_single = random.sample(single_visit_patients, num_single) + selected_patients = selected_multi + selected_single + + print(f"\nSelected {len(selected_patients)} patients:") + print(f" - {len(selected_multi)} multi-visit patients") + print(f" - {len(selected_single)} single-visit patients") + + # Filter patient table + patient_subset = patient_df[patient_df['uniquepid'].isin(selected_patients)] + selected_stay_ids = set(patient_subset['patientunitstayid'].astype(str)) + selected_hospital_ids = set(patient_subset['hospitalid'].astype(str)) + + print(f"Total ICU stays in subset: {len(patient_subset)}") + + # Save patient table + save_csv(patient_subset, OUTPUT_DIR / "patient.csv") + + # Load and filter hospital table + hospital_df = load_csv_gz(EICU_DEMO_ROOT / "hospital.csv.gz") + hospital_subset = hospital_df[hospital_df['hospitalid'].astype(str).isin(selected_hospital_ids)] + save_csv(hospital_subset, OUTPUT_DIR / "hospital.csv") + + # Process clinical tables (filter by patientunitstayid) + clinical_tables = ["diagnosis", "medication", "treatment", "lab", "physicalExam", "admissionDx"] + + for table_name in clinical_tables: + source_file = EICU_DEMO_ROOT / f"{table_name}.csv.gz" + if not source_file.exists(): + print(f"Warning: {source_file.name} not found, skipping") + continue + + df = load_csv_gz(source_file) + + # Filter by patientunitstayid + if 'patientunitstayid' in df.columns: + df_subset = df[df['patientunitstayid'].astype(str).isin(selected_stay_ids)] + save_csv(df_subset, OUTPUT_DIR / f"{table_name}.csv") + else: + print(f"Warning: {table_name} has no patientunitstayid column, saving full table") + save_csv(df, OUTPUT_DIR / f"{table_name}.csv") + + print("\n" + "=" * 60) + print("Demo data creation complete!") + print(f"Output directory: {OUTPUT_DIR}") + print("=" * 60) + + # Print summary statistics + print("\nSummary of created files:") + for f in sorted(OUTPUT_DIR.glob("*.csv")): + df = pd.read_csv(f) + print(f" {f.name}: {len(df)} rows") + + +if __name__ == "__main__": + main() + + + + + diff --git a/test-resources/core/eicudemo/diagnosis.csv b/test-resources/core/eicudemo/diagnosis.csv new file mode 100644 index 000000000..67d41f699 --- /dev/null +++ b/test-resources/core/eicudemo/diagnosis.csv @@ -0,0 +1,1519 @@ +diagnosisid,patientunitstayid,activeupondischarge,diagnosisoffset,diagnosisstring,icd9code,diagnosispriority +4969559,257802,True,776,endocrine|pituitary and temperature regulation|hypopituitarism|due to CNS tumor,"253.2, E23.0",Major +4890944,257802,False,773,surgery|head and neck surgery|s/p head and neck cancer surgery,,Primary +5050161,257802,True,776,endocrine|thyroid|hypothyroidism|pituitary,"244.8, E03.8",Major +4959893,257802,False,773,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +5239765,257802,False,773,neurologic|altered mental status / pain|pain|mild,,Major +4980609,257802,True,776,neurologic|altered mental status / pain|pain|mild,,Major +5051815,257802,True,776,surgery|head and neck surgery|s/p head and neck cancer surgery,,Primary +4390222,257802,False,150,neurologic|altered mental status / pain|pain|mild,,Major +4603583,257802,False,773,endocrine|thyroid|hypothyroidism|pituitary,"244.8, E03.8",Major +5203027,257802,False,150,surgery|head and neck surgery|s/p head and neck cancer surgery,,Primary +4974070,257802,False,150,endocrine|thyroid|hypothyroidism|pituitary,"244.8, E03.8",Major +11104322,580972,True,9,toxicology|drug overdose|narcotic overdose,"E980.2, 965.00, T40.60",Primary +30205001,2609672,True,176,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Other +29591984,2609672,True,176,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Primary +30136641,2609672,True,176,cardiovascular|ventricular disorders|congestive heart failure|diastolic|chronic,"428.32, I50.32",Other +30562918,2609672,True,176,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Other +29783022,2609672,True,176,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Other +12819714,965083,True,518,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Other +12782730,965083,False,299,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +12782096,965083,True,518,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +12820038,965083,False,299,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Other +12782121,965083,False,24,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +23694145,1852625,True,567,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Major +23771307,1852625,False,110,cardiovascular|ventricular disorders|low cardiac output state,"428.9, I50.9",Major +23854029,1852625,True,567,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +23995328,1852625,False,110,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +23571252,1852625,True,567,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +23474913,1852625,False,110,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +23693247,1852625,False,63,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +23918861,1852625,True,567,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +26006974,1852625,False,63,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Major +26255251,1852625,False,63,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +25952475,1852625,False,110,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +23650705,1852625,True,567,cardiovascular|ventricular disorders|low cardiac output state,"428.9, I50.9",Major +24693261,1852625,False,63,cardiovascular|ventricular disorders|low cardiac output state,"428.9, I50.9",Major +26401954,1852625,False,110,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Major +28629315,2512314,True,69,pulmonary|disorders of lung parenchyma|interstitial lung disease|idiopathic pulmonary fibrosis,"516.3, J84.1",Major +28529788,2512314,True,69,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +29041031,2512314,True,69,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Major +28793115,2512314,True,69,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Primary +7042527,313055,True,32,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Primary +12808644,970720,True,3386,pulmonary|disorders of vasculature|pulmonary embolism|tumor,"415.19, I26.99",Other +12830012,970720,True,3386,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Other +12808645,970720,False,72,pulmonary|disorders of vasculature|pulmonary embolism|tumor,"415.19, I26.99",Other +12842910,970720,False,72,pulmonary|respiratory failure|acute respiratory distress,518.82,Other +12841229,970720,True,3386,pulmonary|respiratory failure|acute respiratory distress,518.82,Other +12830020,970720,False,72,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Other +33790316,2787456,True,59,surgery|obstetrics|vaginal hemorrhage|abruption,"641.20, O45.8X9",Primary +32328010,2787456,True,59,surgery|obstetrics|caesarian section,,Major +31482580,2787456,True,59,hematology|bleeding and red blood cell disorders|anemia|acute blood loss anemia,"285.1, D62",Major +33703117,2787456,True,59,surgery|obstetrics|fetal distress syndrome,,Major +29691526,2597776,False,1021,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30162523,2597776,False,1021,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30336852,2597776,False,1021,oncology|GU tumors|prostate CA,"185, C61",Major +29805946,2597776,False,1021,renal|disorder of urinary tract / renal system infection|lower urinary tract infection|likely bacterial,"595.9, N30.9",Major +29671826,2597776,False,27,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +30163924,2597776,False,1021,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +29593985,2597776,False,27,oncology|GU tumors|prostate CA,"185, C61",Major +30496899,2597776,False,1021,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +30069574,2597776,False,27,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +29743582,2597776,False,27,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +30253040,2597776,False,27,renal|disorder of urinary tract / renal system infection|lower urinary tract infection|likely bacterial,"595.9, N30.9",Major +30044112,2597776,False,27,renal|disorder of urinary tract / renal system infection|lower urinary tract infection|with in-dwelling catheter,"595.9, N30.9",Major +29881876,2597776,False,1021,renal|disorder of urinary tract / renal system infection|lower urinary tract infection|with in-dwelling catheter,"595.9, N30.9",Major +30124705,2597776,False,27,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +29569372,2597776,False,1021,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +29997506,2597776,False,27,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +28888447,2303500,False,35,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +11339114,758779,False,45,cardiovascular|post vascular surgery|s/p amputation|AKA,,Major +11356932,758779,False,45,cardiovascular|post vascular surgery|s/p interventional vascular procedure,,Major +10815176,758779,True,1233,cardiovascular|post vascular surgery|s/p interventional vascular procedure,,Major +10762899,758779,False,45,surgery|vascular surgery|hemorrhage|wound hemorrhage,998.11,Primary +11990569,758779,True,1233,surgery|vascular surgery|hemorrhage|wound hemorrhage,998.11,Primary +12564632,758779,True,1233,cardiovascular|post vascular surgery|s/p amputation|AKA,,Major +10961450,859032,False,48,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Major +12005107,859032,False,48,cardiovascular|post vascular surgery|s/p interventional vascular procedure,,Primary +44670732,3193216,True,7,neurologic|post-neurosurgery|post craniotomy|for tumor,,Primary +12803793,963136,False,1816,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +12803704,963136,True,2094,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +12778011,963136,False,1816,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Primary +12778904,963136,False,1255,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Primary +12787194,963136,True,2094,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS)|due to infectious process with organ dysfunction,"995.92, R65.2",Other +12825505,963136,False,1255,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +12787187,963136,False,1816,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS)|due to infectious process with organ dysfunction,"995.92, R65.2",Other +12803622,963136,False,1255,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +12778577,963136,True,2094,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Primary +12776526,963136,False,36,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +12825565,963136,False,1816,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +12787214,963136,False,1255,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS)|due to infectious process with organ dysfunction,"995.92, R65.2",Other +12803854,963136,False,36,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +12825108,963136,True,2094,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +12787198,963136,False,36,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS)|due to infectious process with organ dysfunction,"995.92, R65.2",Other +12825471,963136,False,36,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +12834378,976722,False,76,cardiovascular|arrhythmias|ventricular tachycardia,"427.1, I47.2",Primary +12834417,976722,False,1175,cardiovascular|arrhythmias|ventricular tachycardia,"427.1, I47.2",Primary +12834297,976722,True,1699,cardiovascular|arrhythmias|ventricular tachycardia,"427.1, I47.2",Primary +12834311,976722,False,1396,cardiovascular|arrhythmias|ventricular tachycardia,"427.1, I47.2",Primary +11511659,869526,True,330,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +10496934,869526,False,21,toxicology|drug overdose|ethanol overdose,"980.0, E980.2, T51.0",Major +12106440,869526,False,21,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +10258427,869526,True,330,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Primary +10985233,869526,False,21,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Primary +10394745,869526,True,330,toxicology|drug overdose|ethanol overdose,"980.0, E980.2, T51.0",Major +33950935,2740390,True,16970,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +32150681,2740390,False,62,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Major +34024276,2740390,True,16970,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +33367283,2740390,True,16970,endocrine|glucose metabolism|diabetes mellitus,,Other +32402390,2740390,True,16970,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Major +33957016,2740390,False,5490,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +33367874,2740390,True,16970,pulmonary|respiratory failure|ARDS,"518.81, J80",Primary +32406840,2740390,False,62,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Primary +31079095,2740390,False,5488,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Major +31314381,2740390,False,8500,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +32408577,2740390,True,16970,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +33993515,2740390,False,5488,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Primary +32328636,2740390,False,8500,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32939553,2740390,False,62,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +31564410,2740390,False,5490,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +33319335,2740390,False,5488,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +32510745,2740390,True,16970,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +31187651,2740390,False,5490,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Major +32035314,2740390,False,5488,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +32595681,2740390,False,8500,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +31980185,2740390,False,5490,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Primary +33554277,2740390,False,5490,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Primary +31104428,2740390,False,8500,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +32343675,2740390,False,8500,endocrine|glucose metabolism|diabetes mellitus,,Other +31756723,2740390,False,5490,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +32619993,2740390,True,16970,gastrointestinal|GI bleeding / PUD|lower GI bleeding|diverticular,"578.9, K92.2",Other +33636562,2740390,False,8500,cardiovascular|cardiac arrest|cardiac arrest,"427.5, I46.9",Primary +31801098,2740390,False,8500,gastrointestinal|GI bleeding / PUD|lower GI bleeding|diverticular,"578.9, K92.2",Other +33236539,2740390,False,62,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +32674157,2740390,False,5490,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +31805458,2740390,False,5490,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Major +11067161,887140,False,10,cardiovascular|post vascular surgery|s/p aortobifemoral bypass,,Primary +31840173,2735662,False,2267,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +34029733,2735662,False,2267,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32529417,2735662,False,2267,endocrine|glucose metabolism|diabetes mellitus,,Major +33690741,2735662,False,2267,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +32502717,2735662,True,5265,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +32360100,2735662,False,3425,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +32063974,2735662,False,247,endocrine|glucose metabolism|diabetes mellitus,,Major +32324386,2735662,False,3425,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +33899660,2735662,True,5265,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +31840937,2735662,False,67,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +32269296,2735662,False,3425,endocrine|glucose metabolism|diabetes mellitus,,Major +31620812,2735662,True,5265,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +32828149,2735662,False,3425,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +32192200,2735662,False,2267,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +33059100,2735662,False,3425,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +32752859,2735662,False,67,endocrine|glucose metabolism|diabetes mellitus,,Major +33243740,2735662,False,2267,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +33059226,2735662,True,5265,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32388423,2735662,False,3425,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +33509532,2735662,False,247,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +31126660,2735662,True,5265,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +32978305,2735662,False,67,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +31942935,2735662,False,247,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +31357912,2735662,True,5265,endocrine|glucose metabolism|diabetes mellitus,,Major +33511750,2735662,True,5265,infectious diseases|systemic/other infections|bacteremia,"038.9, R78.81",Major +4625489,263285,True,128,endocrine|glucose metabolism|DKA,"250.13, E10.1",Other +10766284,859033,False,45,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Major +11574345,859033,False,568,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Primary +10658389,859033,False,2904,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Primary +10572213,859033,False,2005,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Primary +12017222,859033,False,140,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Major +11148056,859033,False,2487,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Primary +11450189,859033,True,2916,"infectious diseases|skin, bone and joint infections|wound infection|surgical wound",998.59,Primary +28595130,2492812,False,26,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +28869267,2492812,False,26,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +32253004,2886662,True,24,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +31736456,2886662,True,24,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Other +31434152,2886662,True,24,gastrointestinal|abdominal/ general|vomiting,"787.03, R11.10",Other +32453782,2886662,True,24,endocrine|fluids and electrolytes|hyperkalemia,"276.7, E87.5",Major +33675479,2886662,True,24,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Other +32571122,2886662,True,24,gastrointestinal|abdominal/ general|nausea,"787.02, R11.0",Other +33986431,2886662,True,24,cardiovascular|shock / hypotension|hypovolemia,"276.52, E86.1",Other +32798888,2705166,False,626,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +33707865,2705166,False,626,burns/trauma|trauma - CNS|intracranial injury|with cerebral contusion,"851.00, S06.9",Major +31054884,2705166,False,626,neurologic|altered mental status / pain|drug withdrawal syndrome|alcohol,"291.81, F10.239",Major +33657699,2705166,False,626,gastrointestinal|GI bleeding / PUD|upper GI bleeding,"578.9, K92.2",Primary +31126313,2705166,False,626,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +31772461,2705166,True,1813,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +33713532,2705166,False,783,burns/trauma|trauma - CNS|intracranial injury|with cerebral contusion,"851.00, S06.9",Major +32049713,2705166,False,626,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32021768,2705166,True,1813,gastrointestinal|GI bleeding / PUD|upper GI bleeding,"578.9, K92.2",Major +32803446,2705166,False,783,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Primary +31827329,2705166,True,1813,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +33068060,2705166,False,783,gastrointestinal|GI bleeding / PUD|upper GI bleeding,"578.9, K92.2",Major +32912507,2705166,True,1813,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32904557,2705166,False,783,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +31822253,2705166,True,1813,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +32272537,2705166,False,783,neurologic|altered mental status / pain|drug withdrawal syndrome|alcohol,"291.81, F10.239",Major +32470663,2705166,True,1813,neurologic|altered mental status / pain|drug withdrawal syndrome|alcohol,"291.81, F10.239",Major +32135431,2705166,False,783,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +33876802,2705166,True,1813,burns/trauma|trauma - CNS|intracranial injury|with cerebral contusion,"851.00, S06.9",Major +31110991,2705166,True,1813,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +33047890,2705166,False,783,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +31618109,2705166,True,1813,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +33446240,2705166,True,1813,pulmonary|disorders of vasculature|pulmonary hemorrhage,"786.3, R04.9",Primary +33261482,2705166,False,783,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +31557350,2705166,False,783,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +33325392,2705166,False,626,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +28717132,2334053,True,17,pulmonary|pulmonary infections|bacterial infection,,Other +28637705,2334053,True,17,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +46097587,3352231,False,117,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Primary +7521711,342377,True,127,oncology|GI tumors|esophageal CA,"192.9, C15.9",Primary +5657433,342377,True,127,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +6904437,342377,True,127,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +30345221,2627574,True,2119,cardiovascular|ventricular disorders|hypertension|uncontrolled,"401.9, I10",Major +30410140,2627574,False,117,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +29823952,2627574,True,2119,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Major +30142749,2627574,False,117,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +30143757,2627574,True,2119,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +29532051,2627574,False,117,cardiovascular|ventricular disorders|hypertension|uncontrolled,"401.9, I10",Major +29860803,2627574,True,2119,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +30145783,2627574,False,117,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Major +32274672,2797147,True,30,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Primary +33756309,2797147,True,30,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +32488631,2797147,False,21,pulmonary|disorders of lung parenchyma|interstitial lung disease,"516.9, J84.9",Other +32657957,2797147,False,21,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +31569329,2797147,True,30,renal|electrolyte imbalance|hyponatremia|severe (< 125 meq/dl),"276.1, E87.1",Major +32734533,2797147,True,30,renal|electrolyte imbalance|hyperkalemia|severe (> 6.1 meq/dl),"276.7, E87.5",Major +33738694,2797147,True,30,pulmonary|disorders of lung parenchyma|interstitial lung disease,"516.9, J84.9",Other +31132230,2797147,False,21,renal|electrolyte imbalance|hyponatremia|severe (< 125 meq/dl),"276.1, E87.1",Other +15840751,1176674,True,99,cardiovascular|chest pain / ASHD|chest pain,"786.50, R07.9",Primary +15912254,1176674,True,99,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Major +16064264,1176674,True,99,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Major +20836215,1544756,True,81,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +20907838,1544756,True,81,gastrointestinal|abdominal/ general|nausea,"787.02, R11.0",Other +21605262,1544756,True,81,gastrointestinal|intestinal disease|GI obstruction / ileus|small bowel obstruction,"560.9, K56.60",Primary +29825085,2628859,False,2663,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +30491719,2628859,False,2665,pulmonary|pleural disorders|pneumothorax,,Major +29833387,2628859,False,2663,endocrine|glucose metabolism|diabetes mellitus,,Major +30303707,2628859,False,2663,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Major +29803641,2628859,False,2663,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +30492782,2628859,False,2665,pulmonary|pleural disorders|hemothorax,,Major +29570779,2628859,False,2665,endocrine|glucose metabolism|diabetes mellitus,,Major +30223387,2628859,False,2663,pulmonary|pleural disorders|hemothorax,,Major +30524415,2628859,False,2663,pulmonary|pleural disorders|pneumothorax,,Major +29939509,2628859,False,27,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Major +30011522,2628859,False,2665,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +30242837,2628859,False,2665,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +29700959,2628859,False,27,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +29635623,2628859,False,2665,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Major +29706625,2628859,False,27,endocrine|glucose metabolism|diabetes mellitus,,Major +29914454,2628859,False,2665,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +29660810,2628859,False,27,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +30440863,2628859,True,3120,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +29888409,2628859,True,3120,pulmonary|pleural disorders|pneumothorax,,Major +29686243,2628859,False,27,pulmonary|pleural disorders|hemothorax,,Major +30530792,2628859,False,2663,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +30068362,2628859,True,3120,pulmonary|pleural disorders|hemothorax,,Major +29669326,2628859,False,27,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +30161833,2628859,True,3120,endocrine|glucose metabolism|diabetes mellitus,,Major +29946587,2628859,True,3120,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +30336052,2628859,False,27,pulmonary|pleural disorders|pneumothorax,,Major +30457681,2628859,True,3120,pulmonary|pleural disorders|pleural effusion,"511.9, J91.8",Major +29959995,2628859,True,3120,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +6647169,314184,True,1032,pulmonary|disorders of the airways|acute COPD exacerbation,"491.21, J44.1",Primary +15147390,1058166,True,146,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Major +15127261,1058166,True,146,cardiovascular|cardiac surgery|valve replacement < 7days|aortic,,Primary +28817138,2469796,True,21,pulmonary|disorders of the airways|acute COPD exacerbation,"491.21, J44.1",Primary +28828787,2469796,True,21,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +8227320,482789,True,106,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +8902918,482789,True,106,infectious diseases|chest/pulmonary infections|pneumonia,"486, J18.9",Major +8227740,482789,True,106,cardiovascular|vascular disorders|hypertension,"401.9, I10",Major +9935749,482789,True,106,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +10389142,827084,False,22,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +11900756,827084,False,983,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +11050940,827084,False,321,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +11002547,827084,False,22,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +11606378,827084,False,983,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +10499718,827084,False,321,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +32253343,2720598,True,45,neurologic|seizures|seizures,"345.90, R56.9",Major +32958754,2720598,True,45,neurologic|CNS mass lesions|brain tumor,"191.9, C71.9",Primary +31609709,2857777,True,196,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Primary +31143983,2857777,False,185,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Other +30923434,2857777,True,196,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +31115300,2857777,False,185,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Other +32479082,2857777,False,185,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +30916792,2857777,True,196,endocrine|glucose metabolism|diabetes mellitus,,Other +32481666,2857777,False,185,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Primary +33832422,2857777,False,185,endocrine|glucose metabolism|DKA,"250.13, E10.1",Other +31606960,2857777,False,49,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Other +32285594,2857777,False,185,endocrine|glucose metabolism|diabetes mellitus,,Other +30926687,2857777,False,49,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Other +10566545,639917,True,47,toxicology|drug overdose|drug overdose- general|with decreased mental status,,Primary +12213549,639917,True,47,toxicology|drug overdose|drug overdose- general|with respiratory depression,,Primary +10751068,639917,True,47,toxicology|drug overdose|drug overdose- general|multiple agents ingested,,Primary +12257610,639917,True,47,toxicology|drug overdose|drug overdose- general|suicide attempt,,Primary +31702203,2672664,True,1548,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Primary +31732376,2672664,False,38,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Primary +31724526,2672664,False,38,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +33626619,2672664,False,38,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +31216015,2672664,False,38,endocrine|glucose metabolism|diabetes mellitus,,Other +32897954,2672664,True,1548,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +33650694,2672664,True,1548,endocrine|glucose metabolism|diabetes mellitus,,Other +31007023,2672664,True,1548,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +20562557,1463884,True,78,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Major +20682416,1463884,True,78,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +20430246,1463884,True,78,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Major +32489724,2747612,True,29,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +32928121,2747612,True,29,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +30946797,2747612,True,29,neurologic|disorders of vasculature|stroke|ischemic stroke,"434.91, I63.50",Primary +33811202,2747612,True,29,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +31725566,2747612,True,29,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +11437113,654286,True,19,burns/trauma|trauma - skeletal|bone fracture(s)|left upper extremity,,Primary +29864725,2580992,False,820,toxicology|drug overdose|drug overdose- general|with decreased mental status,,Primary +30242193,2580992,False,820,toxicology|drug overdose|tricyclic overdose,"E980.3, 969.0, T43.01",Major +29804430,2580992,False,820,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +29551530,2580992,False,402,toxicology|drug overdose|drug overdose- general|with decreased mental status,,Primary +30200363,2580992,False,820,toxicology|drug overdose|benzodiazepine overdose,"969.4, E980.2, T42.4X",Major +29576891,2580992,True,1046,toxicology|drug overdose|drug overdose- general|multiple agents ingested,,Primary +29677496,2580992,False,820,toxicology|drug overdose|drug overdose- general|with respiratory depression,,Primary +29732101,2580992,False,820,toxicology|drug overdose|acetaminophen overdose,"E980.0, 965.4, T39.1X",Major +30352954,2580992,False,402,toxicology|drug overdose|drug overdose- general|multiple agents ingested,,Primary +29693001,2580992,True,1046,toxicology|drug overdose|acetaminophen overdose,"E980.0, 965.4, T39.1X",Major +29538448,2580992,True,1046,toxicology|drug overdose|drug overdose- general|with decreased mental status,,Primary +29672802,2580992,True,1046,toxicology|drug overdose|benzodiazepine overdose,"969.4, E980.2, T42.4X",Major +29993660,2580992,False,402,toxicology|drug overdose|benzodiazepine overdose,"969.4, E980.2, T42.4X",Major +29807061,2580992,True,1046,toxicology|drug overdose|drug overdose- general|with respiratory depression,,Primary +30249170,2580992,False,402,toxicology|drug overdose|acetaminophen overdose,"E980.0, 965.4, T39.1X",Major +29878954,2580992,True,1046,pulmonary|pulmonary infections|pneumonia|aspiration,"507.0, J69.0",Major +29611969,2580992,False,402,toxicology|drug overdose|drug overdose- general|with respiratory depression,,Primary +30486570,2580992,False,820,toxicology|drug overdose|drug overdose- general|multiple agents ingested,,Primary +29843550,2580992,False,402,toxicology|drug overdose|tricyclic overdose,"E980.3, 969.0, T43.01",Major +29789065,2580992,True,1046,toxicology|drug overdose|tricyclic overdose,"E980.3, 969.0, T43.01",Major +15940828,1191262,True,36,neurologic|disorders of vasculature|cerebral subdural hematoma,"432.9, I62.9",Primary +28846386,2450383,True,17,pulmonary|disorders of lung parenchyma|interstitial lung disease|idiopathic pulmonary fibrosis,"516.3, J84.1",Major +28965657,2450383,True,17,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Primary +20326353,1488334,True,974,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +21392672,1488334,False,331,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +11543266,887139,True,17,cardiovascular|post vascular surgery|s/p aortobifemoral bypass,,Primary +9965747,485952,True,61,endocrine|glucose metabolism|diabetes mellitus|Type I|uncontrolled,"250.03, E10.65",Major +9491323,485952,True,61,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +9953220,485952,True,61,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Major +15908377,1176675,False,6,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +16064946,1176675,False,6,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Major +44244990,3135611,False,1726,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43987869,3135611,True,4562,cardiovascular|vascular disorders|peripheral vascular ischemia,,Other +44229893,3135611,True,4562,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +44086614,3135611,False,1726,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +44319839,3135611,False,1726,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +44048497,3135611,True,4562,neurologic|altered mental status / pain|pain,,Other +44413701,3135611,True,4562,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +44049736,3135611,True,4562,pulmonary|respiratory failure|acute respiratory failure|due to pulmonary infiltrates,"518.81, J96.00",Other +44189922,3135611,True,4562,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +43980453,3135611,True,4562,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +44393799,3135611,False,1726,cardiovascular|vascular disorders|peripheral vascular ischemia,,Other +43960353,3135611,False,1726,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +44223529,3135611,False,1726,neurologic|altered mental status / pain|pain,,Other +44101855,3135611,False,1726,"infectious diseases|skin, bone and joint infections|chronic ulcer of skin",,Other +44216150,3135611,True,4562,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Other +44009350,3135611,True,4562,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +44243514,3135611,False,3241,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +44396541,3135611,True,4562,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +44166217,3135611,False,448,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +44026462,3135611,False,1726,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +43966755,3135611,False,3241,gastrointestinal|abdominal/ general|obesity,"278.00, E66.9",Other +44248804,3135611,False,1726,renal|electrolyte imbalance|hyperkalemia,"276.7, E87.5",Other +44112921,3135611,False,448,renal|disorder of acid base|mixed acid base disorder|respiratory acidosis,"276.4, E87.4",Other +43967654,3135611,True,4562,hematology|bleeding and red blood cell disorders|anemia|anemia of chronic disease,"285.29, D63.8",Other +44207532,3135611,False,448,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44253031,3135611,False,1726,gastrointestinal|abdominal/ general|obesity,"278.00, E66.9",Other +44196063,3135611,False,3241,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +44074351,3135611,False,1726,pulmonary|disorders of the airways|obstructive sleep apnea,"780.57, G47.33",Other +44160703,3135611,False,3241,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +44330341,3135611,True,4562,pulmonary|disorders of the airways|obstructive sleep apnea,"780.57, G47.33",Other +44127603,3135611,False,3241,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Other +43975987,3135611,False,1726,renal|disorder of acid base|mixed acid base disorder|respiratory acidosis,"276.4, E87.4",Other +44027045,3135611,False,448,neurologic|altered mental status / pain|pain,,Other +44292751,3135611,False,1726,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Other +44264819,3135611,False,3241,pulmonary|disorders of the airways|obstructive sleep apnea,"780.57, G47.33",Other +43945664,3135611,True,4562,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +44248060,3135611,False,448,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +44341923,3135611,True,4562,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44041310,3135611,False,3241,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +44044635,3135611,False,1726,renal|disorder of acid base|mixed acid base disorder|metabolic acidosis,"276.4, E87.4",Other +43969660,3135611,False,3241,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +44230289,3135611,True,4562,gastrointestinal|abdominal/ general|obesity,"278.00, E66.9",Other +43999481,3135611,False,448,hematology|bleeding and red blood cell disorders|anemia|anemia of chronic disease,"285.29, D63.8",Other +44050318,3135611,False,1726,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +44034939,3135611,False,3241,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +44275096,3135611,False,1726,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +44122559,3135611,False,3241,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +43979468,3135611,False,1726,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +44096440,3135611,False,3241,"infectious diseases|skin, bone and joint infections|chronic ulcer of skin",,Other +44405359,3135611,False,3241,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +44165297,3135611,False,3241,cardiovascular|vascular disorders|peripheral vascular ischemia,,Other +44317443,3135611,False,1726,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +43903649,3135611,False,448,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +44375679,3135611,False,448,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Other +44208486,3135611,False,448,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +43873287,3135611,True,4562,"infectious diseases|skin, bone and joint infections|chronic ulcer of skin",,Other +43981187,3135611,False,448,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +44390165,3135611,False,3241,neurologic|altered mental status / pain|pain,,Other +44177237,3135611,False,448,pulmonary|disorders of the airways|obstructive sleep apnea,"780.57, G47.33",Other +44126141,3135611,False,1726,hematology|bleeding and red blood cell disorders|anemia|anemia of chronic disease,"285.29, D63.8",Other +43893411,3135611,False,448,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +44427773,3135611,False,448,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +44088422,3135611,False,448,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +43877551,3135611,False,1726,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +43875898,3135611,False,448,"infectious diseases|skin, bone and joint infections|chronic ulcer of skin",,Other +44330043,3135611,False,3241,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +44111090,3135611,False,448,cardiovascular|vascular disorders|peripheral vascular ischemia,,Other +44377161,3135611,True,4562,neurologic|altered mental status / pain|obtundation,"780.09, R40.0",Other +44079959,3135611,False,3241,hematology|bleeding and red blood cell disorders|anemia|anemia of chronic disease,"285.29, D63.8",Other +44415627,3135611,False,448,gastrointestinal|abdominal/ general|obesity,"278.00, E66.9",Other +43994973,3135611,False,448,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +43881314,3135611,True,4562,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +43894936,3135611,False,3241,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44418392,3135611,False,448,renal|disorder of acid base|mixed acid base disorder|metabolic acidosis,"276.4, E87.4",Other +44037280,3135611,False,448,renal|electrolyte imbalance|hyperkalemia,"276.7, E87.5",Other +41646290,3069831,True,906,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +38129737,3069831,True,906,renal|fluid imbalance|dehydration,"276.51, E86.0",Primary +37734369,3069831,False,641,renal|fluid imbalance|dehydration,"276.51, E86.0",Primary +40225972,3069831,True,906,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +44229888,3152779,True,817,cardiovascular|arrhythmias|bradycardia,,Other +44263510,3152779,True,817,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +44283999,3152779,True,817,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44120312,3152779,False,16,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +44224803,3152779,True,817,endocrine|glucose metabolism|diabetes mellitus,,Other +44204700,3152779,False,16,endocrine|glucose metabolism|diabetes mellitus,,Other +44351339,3152779,True,817,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +44321886,3152779,False,16,cardiovascular|arrhythmias|bradycardia,,Other +44072319,3152779,True,817,renal|electrolyte imbalance|hypermagnesemia,"275.2, E83.41",Other +43894527,3152779,False,16,cardiovascular|vascular disorders|hypertension,"401.9, I10",Other +44414639,3152779,True,817,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44187434,3152779,False,16,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +44106256,3152779,True,817,cardiovascular|vascular disorders|hypertension,"401.9, I10",Other +9196676,439621,True,83,gastrointestinal|abdominal/ general|nausea|with vomiting,"787.01, R11.2",Major +9816459,439621,True,83,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +36426899,3083539,False,162,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +42488105,3083539,True,2889,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Primary +36078027,3083539,True,2241,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +41296060,3083539,True,2241,pulmonary|disorders of the airways|acute COPD exacerbation|with baseline hypoxemia,"491.21, J44.1",Other +43369520,3083539,True,2241,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Other +38883949,3083539,True,2889,pulmonary|disorders of the airways|acute COPD exacerbation,"491.21, J44.1",Major +42518673,3083539,False,162,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Other +37224446,3083539,False,162,pulmonary|disorders of the airways|acute COPD exacerbation|with baseline hypoxemia,"491.21, J44.1",Other +41262342,3083539,True,2241,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +42625266,3083539,False,162,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +35284054,3083539,True,2241,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +35860758,3083539,False,162,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +15938317,1193511,False,1707,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +15885562,1193511,True,7503,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +15938762,1193511,True,7503,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +15885983,1193511,False,1707,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +15938512,1193511,False,831,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Major +15914843,1193511,False,16,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +15913975,1193511,True,7503,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +15912768,1193511,False,831,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +15882033,1193511,False,16,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +15912040,1193511,False,1707,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +15880611,1193511,False,831,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +23672769,1852395,True,1359,surgery|infections|necrotizing fasciitis|wound-associated,"728.86, M72.6",Other +23639197,1852395,True,1359,surgery|infections|necrotizing fasciitis|extremity,"728.86, M72.6",Other +25823392,1852395,False,-52,surgery|infections|necrotizing fasciitis|extremity,"728.86, M72.6",Other +26535206,1852395,True,1359,surgery|infections|wound infection,,Other +24462786,1852395,True,1359,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS),995.90,Other +25517706,1852395,False,-52,surgery|infections|necrotizing fasciitis|wound-associated,"728.86, M72.6",Other +24065208,1852395,False,-52,cardiovascular|shock / hypotension|signs and symptoms of sepsis (SIRS),995.90,Other +23522287,1852395,False,-52,surgery|infections|wound infection,,Other +4810881,284517,True,411,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +4720329,284517,True,411,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +4917138,284517,False,201,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Other +5215818,284517,True,411,oncology|GI tumors|colon CA,"153.9, C18.9",Major +4726731,284517,False,201,neurologic|neuromuscular disorders|myopathy|muscular dystrophy,"359.89, G72.89",Other +4686779,284517,True,411,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +4402397,284517,False,201,renal|disorder of acid base|metabolic acidosis|lactic acidosis,"276.2, E87.2",Other +5430071,284517,True,411,neurologic|neuromuscular disorders|myopathy|muscular dystrophy,"359.89, G72.89",Major +5025374,284517,False,201,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +4287320,284517,True,411,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Major +4698523,284517,False,201,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +5066249,284517,True,411,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +5072201,284517,False,201,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +4349144,284517,False,201,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Other +5241662,284517,True,411,renal|disorder of acid base|metabolic acidosis|lactic acidosis,"276.2, E87.2",Major +5081008,284517,False,201,oncology|GI tumors|colon CA,"153.9, C18.9",Other +31451875,2853320,True,81,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Primary +31699569,2853320,True,81,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +33212059,2853320,True,81,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +32063116,2853320,True,81,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +31772985,2853320,True,81,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +25411722,1856167,False,17,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +26822943,1856167,False,17,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +15322297,1131174,True,18,cardiovascular|chest pain / ASHD|chest pain,"786.50, R07.9",Primary +12246098,608375,False,508,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +11404914,608375,False,763,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +12222135,608375,False,508,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +11358151,608375,True,1883,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +11044214,608375,False,747,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +11609516,608375,False,763,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Major +11343933,608375,False,21,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +11752275,608375,False,747,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +11572837,608375,True,1883,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Primary +11438248,608375,False,275,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +15228932,1091677,True,1295,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Major +15334092,1091677,True,1295,hematology|white blood cell disorders|neutropenia,"288.0, D70.9",Primary +15334090,1091677,False,70,hematology|white blood cell disorders|neutropenia,"288.0, D70.9",Primary +43990087,3157910,False,1275,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +43950329,3157910,True,2649,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44055979,3157910,False,1275,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Other +43868506,3157910,False,1275,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Other +43980134,3157910,False,1275,gastrointestinal|intestinal disease|diarrhea,"787.91, R19.7",Other +44018397,3157910,False,1275,hematology|bleeding and red blood cell disorders|anemia,,Other +44207538,3157910,False,1275,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44209241,3157910,True,2649,hematology|bleeding and red blood cell disorders|anemia,,Other +44193939,3157910,False,1275,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Other +43929994,3157910,True,2649,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +43923072,3157910,False,17,gastrointestinal|intestinal disease|diarrhea,"787.91, R19.7",Other +43931405,3157910,True,2649,gastrointestinal|intestinal disease|diarrhea,"787.91, R19.7",Other +44386513,3157910,False,17,hematology|bleeding and red blood cell disorders|anemia,,Other +44025543,3157910,True,2649,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Other +44239437,3157910,False,17,gastrointestinal|abdominal/ general|hyperbilirubinemia,,Other +44034621,3157910,True,2649,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Other +43968591,3157910,False,17,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44430604,3157910,True,2649,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Other +44342404,3157910,False,17,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Other +43899414,3157910,False,1275,gastrointestinal|abdominal/ general|hyperbilirubinemia,,Other +44129942,3157910,False,17,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Other +44219547,3157910,True,2649,gastrointestinal|abdominal/ general|hyperbilirubinemia,,Other +44073681,3157910,False,17,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +28658838,2492811,True,50,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +28727645,2492811,True,50,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +25216162,1795300,True,2382,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +24386684,1795300,True,2382,cardiovascular|arrhythmias|bradycardia|junctional,"427.89, I49.8",Major +25987344,1795300,False,1180,endocrine|glucose metabolism|hyperglycemia|stress related,"790.6, R73.9",Major +25913830,1795300,False,80,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +25757774,1795300,True,2382,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +24515172,1795300,False,1180,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +25753189,1795300,False,1180,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Major +24616720,1795300,False,80,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +26823543,1795300,True,2382,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +23603463,1795300,True,2382,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Major +26641904,1795300,False,1180,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +25909311,1795300,False,80,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +25367281,1795300,False,1180,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +25342150,1795300,False,80,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +26500469,1795300,False,1180,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Major +26203897,1795300,True,2382,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Major +24164130,1795300,False,80,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Major +26643144,1795300,True,2382,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +26800923,1795300,False,80,cardiovascular|arrhythmias|bradycardia|etiology undefined,"427.81, R00.1",Major +23469579,1795300,True,2382,endocrine|glucose metabolism|hyperglycemia|stress related,"790.6, R73.9",Major +26794667,1795300,False,1180,cardiovascular|arrhythmias|bradycardia|junctional,"427.89, I49.8",Major +24955537,1795300,False,1180,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +21210491,1536927,True,109,surgery|obstetrics|pre-eclampsia/ eclampsia,,Primary +45183551,3246790,True,1102,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Primary +44836042,3246790,False,45,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Primary +45311181,3246790,True,1102,endocrine|fluids and electrolytes|hyperkalemia,"276.7, E87.5",Major +44900538,3246790,False,45,endocrine|fluids and electrolytes|hyperkalemia,"276.7, E87.5",Major +37735504,3090122,True,1598,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Other +37735505,3090122,True,1598,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Other +39137738,3090122,True,1598,renal|electrolyte imbalance|hyponatremia,"276.1, E87.0, E87.1",Other +40629234,3090122,True,1598,neurologic|altered mental status / pain|agitation,"308.2, F43.0",Other +41453645,3090122,True,1598,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +40308917,3090122,True,1598,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +43122621,3090122,False,243,gastrointestinal|GI bleeding / PUD|peptic ulcer disease,"533.90, K27.9",Other +39801664,3090122,True,1598,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +37641419,3090122,True,1598,infectious diseases|chest/pulmonary infections|pneumonia,"486, J18.9",Other +41001595,3090122,True,1598,gastrointestinal|GI bleeding / PUD|upper GI bleeding,"578.9, K92.2",Other +43273139,3090122,False,243,hematology|bleeding and red blood cell disorders|anemia,,Other +40093514,3090122,True,1598,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +41523599,3090122,True,1598,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Other +40308416,3090122,False,243,renal|electrolyte imbalance|hypomagnesemia,"275.2, E83.42",Other +39830883,3090122,True,1598,renal|electrolyte imbalance|hypomagnesemia,"275.2, E83.42",Other +39559860,3090122,False,243,renal|electrolyte imbalance|hyponatremia,"276.1, E87.0, E87.1",Other +38315292,3090122,True,347,renal|disorder of kidney|chronic renal insufficiency,"585.9, N18.9",Other +42809210,3090122,False,243,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +41065436,3090122,False,243,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Other +39696705,3090122,True,347,cardiovascular|chest pain / ASHD|coronary artery disease|s/p CABG,"414.00, I25.10",Other +42020484,3090122,False,243,infectious diseases|chest/pulmonary infections|pneumonia,"486, J18.9",Other +37587584,3090122,True,1598,cardiovascular|ventricular disorders|congestive heart failure|combined systolic and diastolic|acute on chronic,"428.43, I50.43",Other +41190143,3090122,False,243,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +36748914,3090122,False,243,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +41721195,3090122,False,243,gastrointestinal|GI bleeding / PUD|upper GI bleeding,"578.9, K92.2",Other +43462833,3090122,False,243,cardiovascular|ventricular disorders|congestive heart failure|combined systolic and diastolic|acute on chronic,"428.43, I50.43",Other +41075874,3090122,False,243,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Other +39696706,3090122,True,347,cardiovascular|chest pain / ASHD|coronary artery disease|known|asymptomatic,"414.00, I25.10",Other +39247533,3090122,False,243,renal|disorder of kidney|chronic renal insufficiency,"585.9, N18.9",Other +36245215,3090122,True,1598,hematology|bleeding and red blood cell disorders|anemia,,Other +35277141,3090122,True,1598,neurologic|altered mental status / pain|delirium,"293.0, F05",Other +36569164,3090122,True,347,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +41812456,3090122,True,347,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +38567020,3090122,True,1598,pulmonary|disorders of lung parenchyma|interstitial lung disease,"516.9, J84.9",Other +41065435,3090122,False,243,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Other +35320440,3090122,True,347,pulmonary|pulmonary infections|pneumonia|hospital acquired (not ventilator-associated),"486, J18.9",Primary +37392288,3090122,True,347,cardiovascular|ventricular disorders|congestive heart failure|left-sided,"428.1, I50.1",Other +36657162,3090122,False,243,neurologic|altered mental status / pain|agitation,"308.2, F43.0",Other +35386078,3090122,True,1598,renal|disorder of kidney|chronic renal insufficiency,"585.9, N18.9",Other +37116600,3090122,True,1598,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Other +41400016,3090122,False,243,neurologic|altered mental status / pain|delirium,"293.0, F05",Other +35845892,3090122,False,243,pulmonary|disorders of lung parenchyma|interstitial lung disease,"516.9, J84.9",Other +38447466,3090122,False,243,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Other +7473561,393769,True,275,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +7481169,393769,False,73,burns/trauma|dermatology|pressure sore|stage 4,"707.00, L89.894",Major +7056210,393769,True,275,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +6743314,393769,True,275,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +5769775,393769,True,275,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +5658250,393769,False,73,neurologic|altered mental status / pain|stupor,"780.09, R40.1",Major +5866822,393769,True,275,burns/trauma|dermatology|pressure sore|stage 4,"707.00, L89.894",Major +7270943,393769,False,73,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +7298328,393769,True,275,neurologic|altered mental status / pain|stupor,"780.09, R40.1",Major +7140425,393769,False,73,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +5534669,393769,False,73,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +30918321,2833949,True,119,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +32060080,2833949,True,119,pulmonary|disorders of the airways|upper respiratory obstruction|due to obstructive sleep apnea,"780.57, G47.30",Major +30898761,2833949,True,119,cardiovascular|vascular disorders|hypertension,"401.9, I10",Major +33347864,2833949,True,119,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Major +32342923,2833949,True,119,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +31691976,2833949,True,119,endocrine|glucose metabolism|diabetes mellitus,,Major +7074256,395323,True,6108,neurologic|altered mental status / pain|pain,,Major +5573554,395323,True,6108,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +6253178,395323,False,1597,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +5503590,395323,True,6108,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +5722648,395323,False,103,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +7069351,395323,True,6108,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +5975542,395323,False,1531,hematology|bleeding and red blood cell disorders|anemia,,Major +7289573,395323,True,6108,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +6928655,395323,False,103,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +6333381,395323,False,1597,neurologic|altered mental status / pain|depression,"311, F32.9",Major +5776722,395323,False,1531,neurologic|altered mental status / pain|pain,,Major +6043745,395323,False,1597,neurologic|trauma - CNS|spinal cord injury|quadriplegia-complete,"344.00, G82.50",Major +5996854,395323,False,1531,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +7798098,395323,False,1531,neurologic|trauma - CNS|spinal cord injury|quadriplegia-complete,"344.00, G82.50",Major +6652312,395323,False,103,hematology|bleeding and red blood cell disorders|anemia,,Major +7858900,395323,False,2837,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +7307517,395323,False,1531,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +7862534,395323,True,6108,neurologic|trauma - CNS|spinal cord injury|quadriplegia-complete,"344.00, G82.50",Major +6576097,395323,False,103,neurologic|altered mental status / pain|depression,"311, F32.9",Major +5629137,395323,False,1531,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +6768899,395323,False,103,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +7350489,395323,False,2837,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +6532847,395323,False,1531,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +5862167,395323,False,1597,infectious diseases|systemic/other infections|fever,"780.6, R50.9",Major +6748540,395323,False,1531,neurologic|altered mental status / pain|depression,"311, F32.9",Major +6959284,395323,False,103,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +6474646,395323,False,103,neurologic|altered mental status / pain|pain,,Major +5874864,395323,True,6108,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +7853911,395323,False,2837,neurologic|altered mental status / pain|depression,"311, F32.9",Major +7214419,395323,False,1597,neurologic|altered mental status / pain|pain,,Major +7858564,395323,False,1531,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +7465493,395323,False,1597,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +5608264,395323,False,103,neurologic|trauma - CNS|spinal cord injury|quadriplegia-complete,"344.00, G82.50",Major +7835274,395323,False,1597,hematology|bleeding and red blood cell disorders|anemia,,Major +7109974,395323,False,2837,hematology|bleeding and red blood cell disorders|anemia,,Major +5496562,395323,False,2837,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +5623841,395323,False,1597,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +6144203,395323,False,2837,neurologic|trauma - CNS|spinal cord injury|quadriplegia-complete,"344.00, G82.50",Major +5479427,395323,False,103,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +7131401,395323,False,1597,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Primary +7399031,395323,False,2837,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +5737235,395323,False,2837,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +6447364,395323,True,6108,neurologic|altered mental status / pain|depression,"311, F32.9",Major +6383899,395323,False,2837,neurologic|altered mental status / pain|pain,,Major +6185569,395323,True,6108,hematology|bleeding and red blood cell disorders|anemia,,Major +6473595,361404,False,71,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +5905418,361404,False,282,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +6970301,361404,False,282,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Primary +7355891,361404,False,87,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +5942328,361404,False,282,endocrine|glucose metabolism|diabetes mellitus,,Major +6930439,361404,True,2026,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Primary +7479832,361404,True,2026,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +7142342,361404,False,282,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +7268926,361404,True,2026,endocrine|glucose metabolism|diabetes mellitus,,Major +7801215,361404,False,87,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Primary +6252980,361404,True,2026,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +6933935,361404,False,71,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Primary +5955153,361404,True,2026,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +7641369,361404,False,282,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +44286740,3153393,True,1529,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +44112755,3153393,False,291,endocrine|glucose metabolism|hypoglycemia|suspected,,Other +44026784,3153393,True,1529,renal|fluid imbalance|dehydration,"276.51, E86.0",Other +44252199,3153393,False,291,infectious diseases|chest/pulmonary infections|pneumonia,"486, J18.9",Other +44106402,3153393,True,1529,neurologic|altered mental status / pain|sedated,,Other +44083724,3153393,False,291,neurologic|altered mental status / pain|sedated,,Other +44366970,3153393,True,1529,endocrine|glucose metabolism|hypoglycemia|suspected,,Other +44093471,3153393,False,291,"cardiovascular|cardiac arrest|cardiac arrest|witnessed, < 15 minutes CPR","427.5, I46.9",Primary +43971585,3153393,True,1529,cardiovascular|cardiac arrest|cardiac arrest|initial rhythm: asystole,"427.5, I46.9",Primary +44166771,3153393,False,291,renal|fluid imbalance|hypovolemia,"276.52, E86.1",Other +44202971,3153393,True,1529,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Other +44108958,3153393,False,291,renal|abnormality of urine quantity or quality|oliguria|low effective intravascular volume,"788.5, R34",Other +44286549,3153393,True,1529,"cardiovascular|cardiac arrest|cardiac arrest|witnessed, < 15 minutes CPR","427.5, I46.9",Primary +44273521,3153393,False,291,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Other +44048020,3153393,True,1529,renal|fluid imbalance|hypovolemia,"276.52, E86.1",Other +44228170,3153393,False,291,cardiovascular|cardiac arrest|cardiac arrest|initial rhythm: asystole,"427.5, I46.9",Primary +44115849,3153393,True,1529,renal|abnormality of urine quantity or quality|oliguria|low effective intravascular volume,"788.5, R34",Other +44145920,3153393,False,291,pulmonary|pulmonary infections|pneumonia|aspiration pneumonitis,"507.0, J69.0",Major +44356290,3153393,True,1529,hematology|coagulation disorders|coagulopathy|severe,"286.9, D68.9",Other +44324945,3153393,False,291,renal|fluid imbalance|dehydration,"276.51, E86.0",Other +43906293,3153393,True,1529,infectious diseases|chest/pulmonary infections|pneumonia,"486, J18.9",Other +43898748,3153393,False,291,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +44196786,3153393,True,1529,pulmonary|pulmonary infections|pneumonia|aspiration pneumonitis,"507.0, J69.0",Major +22839142,1671276,True,139,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +26419869,1856168,False,8892,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +24468228,1856168,False,7,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +23781617,1856168,False,8892,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +23730721,1856168,False,6242,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +26806564,1856168,True,18580,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +24514543,1856168,False,7,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +23528623,1856168,False,6242,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +26820653,1856168,True,18580,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +7218623,411036,False,435,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Major +7804352,411036,False,435,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +7269359,411036,False,429,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +6798240,411036,False,435,renal|disorder of urinary tract / renal system infection|lower urinary tract infection,"595.9, N30.9",Major +7716706,411036,False,435,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +7397619,411036,False,435,endocrine|glucose metabolism|diabetes mellitus,,Major +6328310,411036,False,3206,infectious diseases|systemic/other infections|signs and symptoms of sepsis (SIRS),995.90,Primary +6806342,411036,False,435,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +6392331,411036,False,3203,endocrine|glucose metabolism|diabetes mellitus,,Major +5464529,411036,False,429,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +5492134,411036,False,177,neurologic|neuromuscular disorders|motor neuropathy|myasthenia gravis,"358.00, G70.0",Major +5687861,411036,False,429,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +7056185,411036,False,429,endocrine|glucose metabolism|diabetes mellitus,,Major +7501978,411036,False,177,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +7210255,411036,False,3206,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +5675081,411036,False,435,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +6523368,411036,False,435,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +7699759,411036,False,177,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +7111722,411036,False,3206,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +5750073,411036,False,435,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +7007787,411036,True,3526,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +7466257,411036,False,135,neurologic|neuromuscular disorders|motor neuropathy|myasthenia gravis,"358.00, G70.0",Major +7177978,411036,False,3206,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +6274195,411036,True,3526,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +6974530,411036,False,435,infectious diseases|systemic/other infections|signs and symptoms of sepsis (SIRS),995.90,Primary +5591193,411036,False,435,infectious diseases|systemic/other infections|signs and symptoms of sepsis (SIRS),995.90,Primary +7812465,411036,False,3203,infectious diseases|systemic/other infections|signs and symptoms of sepsis (SIRS),995.90,Primary +7764114,411036,False,135,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +7040415,411036,True,3526,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +6411145,411036,True,3526,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +7293565,411036,False,3203,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +5572449,411036,False,429,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +6653555,411036,False,435,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Major +6848633,411036,False,135,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +7663083,411036,False,3203,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +6018958,411036,False,3203,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +6395631,411036,False,435,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +7588118,411036,True,3526,endocrine|glucose metabolism|diabetes mellitus,,Major +5826150,411036,False,3206,infectious diseases|systemic/other infections|fever|infection related,"780.6, R50.9",Major +5990862,411036,True,3526,infectious diseases|systemic/other infections|signs and symptoms of sepsis (SIRS),995.90,Primary +6428585,411036,False,3203,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +5982611,411036,False,3206,endocrine|glucose metabolism|diabetes mellitus,,Major +6398465,411036,False,435,endocrine|glucose metabolism|diabetes mellitus,,Major +16313867,1290248,True,412,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Primary +16540549,1290248,True,412,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Other +30870735,2738362,True,154,cardiovascular|chest pain / ASHD|acute coronary syndrome|s/p PTCA|with stent placement,,Primary +31399825,2738362,True,154,cardiovascular|vascular disorders|hypertension|uncontrolled,"401.9, I10",Major +33835768,2738362,True,154,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +44359689,3153894,False,4173,renal|disorder of acid base|metabolic acidosis|ketoacidosis/diabetic,"276.2, E87.2",Other +44243493,3153894,False,6995,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Major +44325780,3153894,False,6995,hematology|bleeding and red blood cell disorders|anemia,,Other +44417780,3153894,False,2662,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +43978534,3153894,False,2662,hematology|platelet disorders|thrombocytopenia|suspected,,Other +44188830,3153894,False,6995,pulmonary|disorders of the airways|COPD|moderate,"491.20, J44.9",Other +43902796,3153894,False,6995,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +44360889,3153894,False,6995,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43882582,3153894,False,4173,hematology|platelet disorders|thrombocytopenia|heparin-induced,"287.5, D69.6",Other +44370982,3153894,False,2662,hematology|platelet disorders|thrombocytopenia|heparin-induced,"287.5, D69.6",Other +43876743,3153894,False,6995,renal|electrolyte imbalance|hypophosphatemia,"275.3, E83.30",Other +44363724,3153894,False,6995,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +43901909,3153894,False,2662,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44220884,3153894,False,2662,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44101534,3153894,False,4173,hematology|bleeding and red blood cell disorders|anemia,,Other +44381403,3153894,False,4173,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44081881,3153894,False,8188,hematology|bleeding and red blood cell disorders|anemia,,Other +44001990,3153894,False,2662,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44148670,3153894,False,8188,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Major +44285409,3153894,False,2662,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Primary +44067868,3153894,True,9649,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +43957465,3153894,False,6995,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +44218370,3153894,True,9649,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +44210905,3153894,False,4173,renal|electrolyte imbalance|hypophosphatemia,"275.3, E83.30",Other +44077121,3153894,False,8188,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Primary +44124385,3153894,False,4173,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44401223,3153894,False,8188,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +44426196,3153894,False,6995,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44044654,3153894,True,9649,pulmonary|disorders of the airways|COPD|moderate,"491.20, J44.9",Other +43946246,3153894,False,2662,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Other +44364310,3153894,True,9649,renal|electrolyte imbalance|hypophosphatemia,"275.3, E83.30",Other +44290633,3153894,False,4173,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Other +44046611,3153894,False,8188,pulmonary|disorders of the airways|COPD|moderate,"491.20, J44.9",Other +44095235,3153894,False,2662,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +43885902,3153894,False,5457,hematology|bleeding and red blood cell disorders|anemia,,Other +44344245,3153894,False,4173,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +44203888,3153894,True,9649,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Major +44128980,3153894,False,4173,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Primary +44140886,3153894,False,5457,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44398876,3153894,False,4173,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +44135451,3153894,True,9649,hematology|bleeding and red blood cell disorders|anemia,,Other +43914628,3153894,False,4173,hematology|platelet disorders|thrombocytopenia|suspected,,Other +44361286,3153894,False,5457,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44388463,3153894,False,4173,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44228850,3153894,False,8188,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44132057,3153894,False,6995,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44069475,3153894,False,5457,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Primary +44377920,3153894,False,2662,hematology|bleeding and red blood cell disorders|anemia,,Other +43948544,3153894,True,9649,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44144429,3153894,False,2662,renal|disorder of acid base|metabolic acidosis|ketoacidosis/diabetic,"276.2, E87.2",Other +44235076,3153894,False,5457,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44232766,3153894,False,929,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44319686,3153894,False,8188,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44308317,3153894,False,297,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +44016751,3153894,False,5457,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (no ST elevation),"410.71, I21.4",Other +44410559,3153894,False,929,renal|disorder of acid base|metabolic acidosis|ketoacidosis/diabetic,"276.2, E87.2",Other +43892582,3153894,True,9649,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43884071,3153894,False,297,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +44208832,3153894,False,5457,renal|electrolyte imbalance|hypophosphatemia,"275.3, E83.30",Other +44198845,3153894,False,929,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +44170581,3153894,False,8188,cardiovascular|shock / hypotension|cardiogenic shock|due to myocardial ischemia,"785.51, R57.0",Other +44323907,3153894,False,297,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Primary +43937022,3153894,False,5457,pulmonary|disorders of the airways|COPD|moderate,"491.20, J44.9",Other +44274291,3153894,False,929,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43921720,3153894,False,8188,renal|electrolyte imbalance|hypophosphatemia,"275.3, E83.30",Other +43930597,3153894,False,297,hematology|white blood cell disorders|leukocytosis,"288.8, D72.829",Other +44155736,3153894,False,5457,hematology|platelet disorders|thrombocytopenia|suspected,,Other +43917516,3153894,False,929,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +44188860,3153894,False,8188,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44292262,3153894,False,297,renal|disorder of acid base|metabolic acidosis|ketoacidosis/diabetic,"276.2, E87.2",Other +44091177,3153894,False,5457,gastrointestinal|malnutrition|protein-calorie malnutrition,"263.9, E46",Other +44103633,3153894,False,929,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +44133810,3153894,True,9649,hematology|platelet disorders|thrombocytopenia,"287.5, D69.6",Other +44138666,3153894,False,297,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44398004,3153894,False,5457,hematology|platelet disorders|thrombocytopenia|heparin-induced,"287.5, D69.6",Other +43866753,3153894,False,929,surgery|acute cardiac problems|coronary artery disease|known|symptomatic,"414.01, I25.10",Primary +44382227,3153894,True,9649,endocrine|glucose metabolism|diabetes mellitus|Type II|uncontrolled,"250.02, E11.65",Other +44313534,3135511,False,6760,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44236655,3135511,False,5367,neurologic|altered mental status / pain|encephalopathy|hepatic,572.2,Other +43913773,3135511,True,7919,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44320184,3135511,False,5367,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +44054697,3135511,False,937,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44364382,3135511,False,6760,neurologic|altered mental status / pain|encephalopathy|hepatic,572.2,Other +43925009,3135511,False,4197,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +44059862,3135511,False,5367,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44181851,3135511,False,937,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +44408081,3135511,False,6760,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43979872,3135511,False,4197,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +44309627,3135511,False,5367,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +43877872,3135511,False,937,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +44337126,3135511,False,6760,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +43953538,3135511,False,4197,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44286160,3135511,False,2549,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +44275670,3135511,False,4197,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +44051796,3135511,False,5367,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +44359443,3135511,True,7919,cardiovascular|shock / hypotension|septic shock,"785.52, R65.21",Other +44416984,3135511,False,2549,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44055315,3135511,True,7919,renal|abnormality of urine quantity or quality|oliguria,"788.5, R34",Other +44434457,3135511,False,6760,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +44387977,3135511,False,4197,neurologic|altered mental status / pain|encephalopathy|hepatic,572.2,Other +44112186,3135511,False,2549,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +44107172,3135511,True,7919,neurologic|altered mental status / pain|encephalopathy|hepatic,572.2,Other +44032722,3135511,False,410,infectious diseases|GI infections|diarrhea due to infection,,Other +44069926,3135511,False,6760,renal|abnormality of urine quantity or quality|oliguria,"788.5, R34",Other +44320247,3135511,True,7919,gastrointestinal|hepatic disease|hepatic dysfunction|chronic,"573.9, K76.9",Other +44121399,3135511,False,411,infectious diseases|GI infections|diarrhea due to infection,,Other +43972894,3135511,False,2549,neurologic|altered mental status / pain|encephalopathy|hepatic,572.2,Other +44015890,3135511,True,7919,infectious diseases|GI infections|enteritis|C. difficile colitis,"008.45, A04.7",Other +43916265,3135511,False,411,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46298674,3348293,True,78,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46229494,3348293,True,78,gastrointestinal|intestinal disease|viscus perforation,,Major +46264299,3348293,True,78,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Other +46148949,3348293,True,78,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Major +32698609,2853358,False,32,renal|electrolyte imbalance|hypomagnesemia,"275.2, E83.42",Other +31649166,2853358,True,126,renal|electrolyte imbalance|hyponatremia,"276.1, E87.0, E87.1",Other +32563858,2853358,True,126,renal|electrolyte imbalance|hypomagnesemia,"275.2, E83.42",Other +30984321,2853358,True,126,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +31531840,2853358,False,32,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Other +33518343,2853358,False,32,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Primary +31838105,2853358,True,126,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +31242681,2853358,False,32,renal|electrolyte imbalance|hyponatremia,"276.1, E87.0, E87.1",Other +33513956,2853358,False,32,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +32263552,2853358,True,126,cardiovascular|shock / hypotension|dehydration,"276.51, E86.0",Primary +31230358,2853358,False,32,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +32059939,2853358,True,126,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Other +32938163,2687268,True,253,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +33185186,2687268,False,61,cardiovascular|cardiac surgery|CABG < 7days,,Other +32382864,2687268,True,253,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +31634341,2687268,True,253,cardiovascular|cardiac surgery|CABG < 7days,,Other +32944646,2687268,True,253,endocrine|glucose metabolism|diabetes mellitus,,Other +31828279,2687268,False,61,endocrine|glucose metabolism|diabetes mellitus,,Other +33579250,2687268,False,61,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +32454451,2687268,False,61,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +21990160,1563281,False,352,surgery|respiratory failure|ventilatory failure,"518.81, J96.00",Other +22174417,1563281,True,2167,"infectious diseases|skin, bone and joint infections|infected pressure ulcer",,Other +21990102,1563281,True,2167,surgery|respiratory failure|ventilatory failure,"518.81, J96.00",Other +21990114,1563281,False,62,surgery|respiratory failure|ventilatory failure,"518.81, J96.00",Other +22174483,1563281,False,352,"infectious diseases|skin, bone and joint infections|infected pressure ulcer",,Other +22174468,1563281,False,62,"infectious diseases|skin, bone and joint infections|infected pressure ulcer",,Other +27416773,2193648,False,33,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +27327594,2193648,False,33,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +7005426,403279,True,65,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +7484956,403279,True,65,neurologic|neuromuscular disorders|motor neuropathy|multiple sclerosis,"340, G35",Major +5595584,403279,True,65,endocrine|fluids and electrolytes|hypokalemia|severe ( < 2.8 meq/dl),"276.7, E87.8",Major +7126611,403279,True,65,endocrine|glucose metabolism|diabetes mellitus,,Major +6221985,403279,True,65,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Primary +23859232,1849124,False,20,endocrine|glucose metabolism|diabetes mellitus|Type II,,Major +24674731,1849124,True,1209,cardiovascular|vascular disorders|hypertension,"401.9, I10",Major +25184921,1849124,False,20,cardiovascular|cardiac surgery|s/p CABG < 7 days|with CPB,,Primary +24400084,1849124,True,1209,endocrine|glucose metabolism|diabetes mellitus|Type II,,Major +26097724,1849124,False,20,cardiovascular|vascular disorders|hypertension,"401.9, I10",Major +26481675,1849124,True,1209,cardiovascular|cardiac surgery|s/p CABG < 7 days|with CPB,,Primary +6288729,405746,True,3790,cardiovascular|vascular disorders|DVT,,Primary +7338801,405746,False,3273,hematology|bleeding and red blood cell disorders|anemia,,Major +5952872,405746,True,3790,hematology|bleeding and red blood cell disorders|anemia,,Major +6372156,405746,False,243,cardiovascular|vascular disorders|DVT,,Primary +6428164,405746,False,3273,cardiovascular|vascular disorders|DVT,,Primary +6008964,405746,False,243,hematology|bleeding and red blood cell disorders|anemia,,Major +27832071,2075529,True,39,pulmonary|disorders of the airways|acute COPD exacerbation,"491.21, J44.1",Major +27571572,2075529,True,39,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +31985626,2893348,True,19,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +33688962,2893348,True,19,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +32266798,2893348,True,19,pulmonary|disorders of the airways|obstructive sleep apnea,"780.57, G47.33",Other +33275106,2893348,True,19,endocrine|glucose metabolism|diabetes mellitus,,Other +31822019,2893348,True,19,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +32143578,2893348,True,19,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +33727545,2893348,True,19,gastrointestinal|abdominal/ general|obesity,"278.00, E66.9",Other +33933935,2893348,True,19,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +12763415,970328,True,286,pulmonary|pleural disorders|pleural effusion|left,"511.9, J91.8",Other +12776980,970328,False,29,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +12761618,970328,True,286,pulmonary|disorders of acid base|respiratory acidosis,"276.2, E87.2",Other +12761844,970328,False,29,pulmonary|disorders of acid base|respiratory acidosis,"276.2, E87.2",Other +12798778,970328,True,286,pulmonary|pleural disorders|pleural effusion|right,"511.9, J91.8",Other +12773584,970328,False,29,pulmonary|pleural disorders|pleural effusion|etiology unknown,"511.9, J91.8",Other +12752936,970328,True,286,pulmonary|disorders of lung parenchyma|atelectasis/collapse,"518.0, J98.11",Other +12763408,970328,False,29,pulmonary|pleural disorders|pleural effusion|left,"511.9, J91.8",Other +12826827,970328,True,286,pulmonary|respiratory failure|respiratory arrest,"799.1, R09.2",Other +12798786,970328,False,29,pulmonary|pleural disorders|pleural effusion|right,"511.9, J91.8",Other +12752953,970328,False,29,pulmonary|disorders of lung parenchyma|atelectasis/collapse,"518.0, J98.11",Other +12773583,970328,True,286,pulmonary|pleural disorders|pleural effusion|etiology unknown,"511.9, J91.8",Other +28615776,2303499,True,10,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +46068522,3352230,False,816,surgery|cardiac surgery|low cardiac output state|IABP,"997.1, I97.89",Other +46241896,3352230,False,816,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Other +46097773,3352230,False,2176,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Major +46096939,3352230,False,2775,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Major +46240618,3352230,False,2176,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Primary +46242502,3352230,False,2775,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Primary +46240831,3352230,False,46,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Other +46096778,3352230,False,1279,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Major +46095626,3352230,True,3027,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Major +46068500,3352230,False,46,surgery|cardiac surgery|low cardiac output state|IABP,"997.1, I97.89",Other +46096722,3352230,False,816,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Primary +46240470,3352230,False,1279,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Primary +46241484,3352230,True,3027,cardiovascular|cardiac surgery|s/p CABG < 7 days,,Primary +46096319,3352230,False,46,cardiovascular|chest pain / ASHD|acute coronary syndrome|acute myocardial infarction (with ST elevation),"410.90, I21.3",Primary +4776441,281132,False,91,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +4633334,281132,False,1316,"neurologic|neuromuscular disorders|motor neuropathy|myopathy, including dystrophy","359.9, G72.9",Other +4306978,281132,False,91,renal|electrolyte imbalance|hyponatremia|moderate (125 - 135 meq/dl),E87.1,Major +5167383,281132,False,1316,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +4883057,281132,False,91,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +4816969,281132,False,1316,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +5402743,281132,True,2220,"neurologic|neuromuscular disorders|motor neuropathy|myopathy, including dystrophy","359.9, G72.9",Other +4483701,281132,False,91,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +4949968,281132,True,2220,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +4934396,281132,False,1316,renal|electrolyte imbalance|hyponatremia|moderate (125 - 135 meq/dl),E87.1,Major +4425743,281132,True,2220,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +5398599,281132,False,91,"neurologic|neuromuscular disorders|motor neuropathy|myopathy, including dystrophy","359.9, G72.9",Other +5193415,281132,True,2220,renal|electrolyte imbalance|hyponatremia|moderate (125 - 135 meq/dl),E87.1,Major +4753291,281132,False,1316,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +4680969,281132,True,2220,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +12744521,964782,True,9,cardiovascular|vascular disorders|DVT|left lower extremity,"451.2, I80.3",Other +10869699,876429,False,34,cardiovascular|cardiac surgery|valve replacement < 7days,,Primary +12022889,876429,False,1069,cardiovascular|cardiac surgery|valve replacement < 7days,,Primary +12597898,876429,True,1681,cardiovascular|cardiac surgery|valve replacement < 7days,,Primary +25829441,1790816,True,40,cardiovascular|chest pain / ASHD|acute coronary syndrome|unstable angina,"411.1, I20.0",Primary +5763964,368911,True,49,toxicology|drug overdose|drug overdose- general,,Major +5696299,368911,True,49,neurologic|altered mental status / pain|bipolar disorder,"296.80, F31.9",Major +7503818,368911,True,49,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Primary +5821706,368911,True,49,neurologic|altered mental status / pain|suicidal ideation,"V62.84, R45.851",Major +21294965,1437505,True,8,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +21445856,1437505,True,8,endocrine|glucose metabolism|diabetes mellitus,,Major +44092765,3159124,True,104,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Primary +12790793,959746,True,15,cardiovascular|chest pain / ASHD|acute coronary syndrome,,Other +30192059,2630865,False,3530,pulmonary|respiratory failure|respiratory arrest,"799.1, R09.2",Primary +30280334,2630865,False,157,cardiovascular|chest pain / ASHD|coronary artery disease,,Major +30221740,2630865,False,3530,cardiovascular|chest pain / ASHD|coronary artery disease,,Major +30125151,2630865,False,157,renal|disorder of kidney|acute renal failure|due to rhabdomyolysis,"584.9, N17.9",Major +30411575,2630865,False,3530,renal|disorder of kidney|acute renal failure|due to rhabdomyolysis,"584.9, N17.9",Major +30324266,2630865,True,4454,renal|disorder of kidney|acute renal failure|due to rhabdomyolysis,"584.9, N17.9",Major +30419522,2630865,False,2080,pulmonary|respiratory failure|respiratory arrest,"799.1, R09.2",Primary +30214119,2630865,True,4454,cardiovascular|chest pain / ASHD|coronary artery disease,,Major +30539989,2630865,False,3530,pulmonary|respiratory failure|pulmonary aspiration,"507.0, J69.0",Major +30032080,2630865,False,2080,pulmonary|respiratory failure|pulmonary aspiration,"507.0, J69.0",Major +29666617,2630865,False,157,pulmonary|respiratory failure|pulmonary aspiration,"507.0, J69.0",Major +30355870,2630865,False,157,pulmonary|respiratory failure|respiratory arrest,"799.1, R09.2",Primary +29757103,2630865,True,4454,pulmonary|respiratory failure|respiratory arrest,"799.1, R09.2",Primary +30514048,2630865,False,2080,renal|disorder of kidney|acute renal failure|due to rhabdomyolysis,"584.9, N17.9",Major +29676220,2630865,False,2080,cardiovascular|chest pain / ASHD|coronary artery disease,,Major +29769638,2630865,True,4454,pulmonary|respiratory failure|pulmonary aspiration,"507.0, J69.0",Major +44188468,3160468,False,1853,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Primary +43875637,3160468,False,704,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Primary +44002604,3160468,True,3289,"infectious diseases|skin, bone and joint infections|cellulitis|extremity","682.9, L03.119",Primary +30058685,2597777,False,1078,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +30371980,2597777,False,90,oncology|GU tumors|prostate CA,"185, C61",Major +30075091,2597777,False,1078,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +30506179,2597777,False,112,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30436483,2597777,False,1078,oncology|GU tumors|prostate CA,"185, C61",Major +30342870,2597777,True,6935,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +29649916,2597777,False,90,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +30301328,2597777,True,6935,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30133636,2597777,False,1078,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +30418368,2597777,True,6935,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30360670,2597777,False,90,pulmonary|respiratory failure|acute respiratory distress,518.82,Other +30460676,2597777,True,6935,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +30337068,2597777,False,1078,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +30564092,2597777,True,6935,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +30495014,2597777,False,90,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Other +30055716,2597777,True,6935,oncology|GU tumors|prostate CA,"185, C61",Major +30430344,2597777,False,129,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +29806521,2597777,False,1078,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +30253530,2597777,False,129,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30414486,2597777,True,6935,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +30260141,2597777,False,860,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +30102216,2597777,False,112,oncology|GU tumors|prostate CA,"185, C61",Major +30352383,2597777,False,129,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +29585373,2597777,False,112,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +30516197,2597777,False,860,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30524265,2597777,True,6935,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Other +30095047,2597777,False,129,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +29962823,2597777,False,112,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30286044,2597777,False,860,infectious diseases|systemic/other infections|sepsis,"038.9, A41.9",Major +30117102,2597777,False,1078,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30282305,2597777,False,129,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +29958310,2597777,True,6935,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +30450429,2597777,False,860,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +29585686,2597777,False,129,cardiovascular|ventricular disorders|acute pulmonary edema,"428.1, I50.1",Primary +30090635,2597777,False,129,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +29732585,2597777,False,112,pulmonary|respiratory failure|acute respiratory distress,518.82,Primary +29516109,2597777,False,860,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30219652,2597777,False,90,cardiovascular|chest pain / ASHD|hyperlipidemia,"272.4, E78.5",Other +30132042,2597777,False,860,oncology|GU tumors|prostate CA,"185, C61",Major +30362529,2597777,False,1078,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +29561979,2597777,False,1078,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30176076,2597777,False,112,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +29698122,2597777,False,860,oncology|GI tumors|liver CA|CA metastatic to liver,"197.7, C78.7",Major +29582478,2597777,False,112,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +29865949,2597777,False,90,"oncology|skin, muscle and skeletal tumors|bone tumors|bony metastasis","198.5, C79.51",Major +30166028,2597777,False,90,cardiovascular|chest pain / ASHD|coronary artery disease,,Other +29636230,2597777,False,860,pulmonary|respiratory failure|acute respiratory distress,518.82,Major +29719831,2597777,False,129,oncology|GU tumors|prostate CA,"185, C61",Major +43863084,3143195,False,19,pulmonary|disorders of vasculature|pulmonary embolism,"415.19, I26.99",Other +44422026,3143195,False,19,gastrointestinal|intestinal disease|enteritis|diverticulitis of colon,"562.11, K57",Other +44012565,3143195,True,111,gastrointestinal|hepatic disease|hepatic encephalopathy,572.2,Other +44389265,3143195,True,111,gastrointestinal|hepatic disease|hepatic dysfunction|with cirrhosis|alcoholic,"571.2, K70.3",Other +44226615,3143195,False,19,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +43992343,3143195,False,19,gastrointestinal|hepatic disease|hepatic encephalopathy,572.2,Other +44366240,3143195,False,19,gastrointestinal|hepatic disease|hepatic dysfunction|with cirrhosis|alcoholic,"571.2, K70.3",Other +44243758,3143195,True,111,gastrointestinal|pancreatic disease|pancreatitis|acute,"577.0, K85.9",Other +44046762,3143195,True,111,pulmonary|disorders of vasculature|pulmonary embolism,"415.19, I26.99",Other +44197921,3143195,True,111,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +44149362,3143195,False,19,gastrointestinal|pancreatic disease|pancreatitis|acute,"577.0, K85.9",Other +44288331,3143195,True,111,gastrointestinal|intestinal disease|enteritis|diverticulitis of colon,"562.11, K57",Other +16571848,1259416,True,96,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Major +16525985,1259416,True,96,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Primary +31598955,2694459,True,10,gastrointestinal|pancreatic disease|pancreatitis,,Primary +31134445,2694459,True,10,toxicology|drug withdrawal|alcohol withdrawal,"291.81, F10.239",Major +32593025,2866326,True,51,cardiovascular|post vascular surgery|s/p dialysis access surgery,,Other +32199300,2866326,True,51,cardiovascular|post vascular surgery|s/p thrombectomy,,Primary +6806212,420354,False,29,renal|electrolyte imbalance|hypomagnesemia|due to Etoh abuse,"275.2, E83.42",Major +6232502,420354,False,29,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Primary +6895388,420354,True,31,renal|electrolyte imbalance|hypokalemia,"276.8, E87.6",Major +7204710,420354,True,31,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Primary +6992768,420354,False,29,renal|disorder of acid base|metabolic acidosis|moderate,"276.2, E87.2",Major +5891817,420354,True,31,renal|disorder of acid base|metabolic acidosis|moderate,"276.2, E87.2",Major +28097477,2193649,True,644,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +28170064,2193649,False,15,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +27544104,2193649,False,15,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +28474975,2193649,True,644,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +28062223,2193649,False,15,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Other +27916305,2193649,True,644,pulmonary|respiratory failure|hypoxemia,"799.02, J96.91",Primary +12814306,972877,True,1738,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +12794597,972877,False,36,gastrointestinal|pancreatic disease|pancreatitis|acute,"577.0, K85.9",Other +12839818,972877,True,1738,endocrine|diagnostic studies|CT scan,,Other +12814293,972877,False,40,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +12794630,972877,True,1738,gastrointestinal|pancreatic disease|pancreatitis|acute,"577.0, K85.9",Other +12814229,972877,False,36,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Other +12839817,972877,False,36,endocrine|diagnostic studies|CT scan,,Other +12761202,972877,True,1738,endocrine|fluids and electrolytes|hypokalemia,"276.8, E87.8",Other +12827534,972877,False,36,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +12761098,972877,False,40,endocrine|fluids and electrolytes|hypokalemia,"276.8, E87.8",Other +12794613,972877,False,40,gastrointestinal|pancreatic disease|pancreatitis|acute,"577.0, K85.9",Other +12839816,972877,False,40,endocrine|diagnostic studies|CT scan,,Other +12761124,972877,False,36,endocrine|fluids and electrolytes|hypokalemia,"276.8, E87.8",Other +12827515,972877,True,1738,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +12827479,972877,False,40,endocrine|glucose metabolism|diabetes mellitus|Type II,,Other +21674300,1550318,True,32,surgery|obstetrics|pre-eclampsia/ eclampsia,,Major +21322964,1550318,True,32,surgery|obstetrics|caesarian section,,Primary +20249284,1550318,True,32,neurologic|misc|headache,R51,Major +34843725,2999209,True,842,surgery|vascular surgery|hemorrhage|neck hematoma post carotid endarterectomy|right,998.11,Primary +34340726,2999209,False,87,surgery|vascular surgery|hemorrhage|neck hematoma post carotid endarterectomy|right,998.11,Primary +34549576,2999209,True,842,renal|disorder of kidney|chronic kidney disease|Stage 2 (GFR 60-89),"585.2, N18.2",Other +44959716,3244585,True,847,neurologic|altered mental status / pain|change in mental status,"780.09, R41.82",Other +45132502,3244585,True,847,general|other syndromes|syncope,"780.2, R55",Primary +45280659,3244585,False,114,neurologic|seizures|seizures,"345.90, R56.9",Primary +44877720,3244585,True,847,neurologic|seizures|seizures,"345.90, R56.9",Major +9723581,436993,True,154,pulmonary|respiratory failure|acute respiratory failure|drug related|residual general anesthesia,"518.5, J96.00",Major +9754461,436993,True,154,burns/trauma|trauma - skeletal|bone fracture(s)|left lower extremity,,Primary +23733535,1812280,True,4,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Other +45123770,3211257,False,388,pulmonary|respiratory failure|acute respiratory failure|due to neurological process,"518.81, J96.00",Major +45210709,3211257,False,375,burns/trauma|trauma- head and neck|facial bone fracture|zygoma fracture,802.4,Major +45134899,3211257,False,375,burns/trauma|trauma- head and neck|facial bone fracture|nasal fracture,,Major +45235662,3211257,False,388,burns/trauma|trauma- head and neck|facial bone fracture|orbital fracture,802.8,Major +45087519,3211257,False,377,pulmonary|respiratory failure|acute respiratory failure|due to neurological process,"518.81, J96.00",Major +45336783,3211257,False,377,neurologic|trauma - CNS|intracranial injury|loss of consciousness <= 60 mins,"854.02, S06.9",Primary +45053840,3211257,False,375,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +45370848,3211257,False,377,burns/trauma|trauma - abdomen|renal trauma,866.00,Major +45012985,3211257,False,388,neurologic|trauma - CNS|intracranial injury|loss of consciousness <= 60 mins,"854.02, S06.9",Primary +45170389,3211257,False,375,neurologic|trauma - CNS|intracranial injury|loss of consciousness <= 60 mins,"854.02, S06.9",Primary +45017476,3211257,False,388,burns/trauma|trauma - abdomen|renal trauma,866.00,Major +45291408,3211257,False,377,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +44881227,3211257,False,375,neurologic|seizures|seizures,"345.90, R56.9",Other +45168719,3211257,False,377,burns/trauma|trauma- head and neck|facial bone fracture|orbital fracture,802.8,Major +44911577,3211257,False,375,burns/trauma|trauma - abdomen|renal trauma,866.00,Major +45350725,3211257,False,388,burns/trauma|trauma- head and neck|facial bone fracture|zygoma fracture,802.4,Major +44918756,3211257,False,375,pulmonary|respiratory failure|acute respiratory failure|due to neurological process,"518.81, J96.00",Major +45378750,3211257,False,375,burns/trauma|trauma- head and neck|facial bone fracture|orbital fracture,802.8,Major +44939659,3211257,False,377,neurologic|seizures|seizures,"345.90, R56.9",Other +44905201,3211257,True,1688,neurologic|trauma - CNS|intracranial injury|with loss of consciousness of unknown duration,"854.06, S06.9",Primary +45350469,3211257,False,388,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +44881931,3211257,True,1688,pulmonary|respiratory failure|acute respiratory failure|due to neurological process,"518.81, J96.00",Major +44830801,3211257,False,915,pulmonary|respiratory failure|acute respiratory failure|due to neurological process,"518.81, J96.00",Major +45012223,3211257,True,1688,burns/trauma|trauma- head and neck|facial bone fracture|zygoma fracture,802.4,Major +45027643,3211257,False,388,burns/trauma|trauma- head and neck|facial bone fracture|nasal fracture,,Major +45042582,3211257,True,1688,burns/trauma|trauma- head and neck|facial bone fracture|orbital fracture,802.8,Major +44976080,3211257,False,915,burns/trauma|trauma- head and neck|facial bone fracture|orbital fracture,802.8,Major +44846440,3211257,False,377,burns/trauma|trauma- head and neck|facial bone fracture|nasal fracture,,Major +45265735,3211257,False,377,burns/trauma|trauma- head and neck|facial bone fracture|zygoma fracture,802.4,Major +44860401,3211257,False,388,neurologic|seizures|seizures,"345.90, R56.9",Other +45133143,3211257,True,1688,burns/trauma|trauma - abdomen|renal trauma,866.00,Major +45340600,3211257,False,915,burns/trauma|trauma- head and neck|facial bone fracture|zygoma fracture,802.4,Major +44900819,3211257,False,915,burns/trauma|trauma - abdomen|renal trauma,866.00,Major +45112847,3211257,False,915,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +45240261,3211257,False,915,neurologic|seizures|seizures,"345.90, R56.9",Other +45389993,3211257,True,1688,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +45210820,3211257,False,915,burns/trauma|trauma- head and neck|facial bone fracture|nasal fracture,,Major +45334091,3211257,True,1688,burns/trauma|trauma- head and neck|facial bone fracture|nasal fracture,,Major +45387052,3211257,False,915,neurologic|trauma - CNS|intracranial injury|loss of consciousness <= 60 mins,"854.02, S06.9",Primary +45230460,3211257,True,1688,neurologic|seizures|seizures,"345.90, R56.9",Other +30044859,2610399,True,279,cardiovascular|ventricular disorders|congestive heart failure|diastolic|acute on chronic,"428.33, I50.33",Primary +29718695,2610399,True,279,hematology|bleeding and red blood cell disorders|anemia|multifactorial anemia,"285.9, D64.9",Other +30292958,2610399,True,279,cardiovascular|vascular disorders|hypertension|hypertensive emergency/urgency,"401.0, I10",Other +30130326,2610399,False,52,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +29959081,2610399,False,277,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Primary +27599665,2032114,True,41,cardiovascular|vascular disorders|peripheral vascular ischemia,,Other +27344205,2032114,True,41,infectious diseases|systemic/other infections|fever 41 degrees c or over|infection related,"780.6, R50.9",Other +27974055,2032114,True,41,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +5549489,367912,True,2741,gastrointestinal|malnutrition|nutritional deficiency,"263.9, E46",Major +7689019,367912,True,2741,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Major +5852592,367912,True,2741,gastrointestinal|intestinal disease|viscus perforation|esophageal,"530.4, K22.3",Major +7662824,367912,True,2741,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +6661289,367912,False,36,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +6502913,367912,True,2741,surgery|general surgery postop issues|viscus perforation|esophageal,"530.4, K22.3",Primary +6587745,367912,False,36,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Major +5613276,367912,True,2741,gastrointestinal|intestinal disease|viscus perforation|gastric,"537.9, K31.9",Major +6402494,367912,False,36,gastrointestinal|malnutrition|nutritional deficiency,"263.9, E46",Major +7582081,367912,False,36,gastrointestinal|intestinal disease|viscus perforation|esophageal,"530.4, K22.3",Primary +5814576,367912,False,36,oncology|GI tumors|esophageal CA,"192.9, C15.9",Major +5885116,367912,True,2741,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Major +7479630,367912,True,2741,oncology|GI tumors|esophageal CA,"192.9, C15.9",Major +5924360,367912,False,36,gastrointestinal|intestinal disease|viscus perforation|gastric,"537.9, K31.9",Primary +6020827,367912,True,2741,surgery|general surgery postop issues|viscus perforation|gastric,"537.9, K31.9",Primary +11078828,839120,False,13,neurologic|disorders of vasculature|cerebral subdural hematoma|secondary to anticoagulation,"432.1, I62.1",Primary +10679594,839120,False,23,neurologic|disorders of vasculature|cerebral subdural hematoma|secondary to anticoagulation,"432.1, I62.1",Primary +10826051,839120,False,23,neurologic|disorders of vasculature|cerebral subdural hematoma|secondary to trauma,"852.20, S06.5",Primary +12075271,839120,False,530,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +11712609,839120,True,2147,neurologic|trauma - CNS|intracranial injury|with subarachnoid hemorrhage,"852.00, S06.6",Primary +12201763,839120,False,13,neurologic|disorders of vasculature|cerebral subdural hematoma|secondary to trauma,"852.20, S06.5",Primary +12264955,839120,False,530,neurologic|trauma - CNS|intracranial injury|with subarachnoid hemorrhage,"852.00, S06.6",Primary +12153444,839120,True,2147,neurologic|trauma - CNS|intracranial injury|with subdural hematoma,"852.20, S06.5",Primary +16520055,1226362,True,19241,pulmonary|respiratory failure|acute lung injury,"518.81, J80",Other +16619839,1226362,True,19241,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +16643549,1226362,True,19241,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +16220125,1226362,False,423,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Primary +16465465,1226362,False,423,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Major +16245319,1226362,True,19241,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Major +16136378,1226362,False,423,pulmonary|disorders of the airways|COPD,"491.20, J44.9",Other +15755749,1101375,False,437,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15717970,1101375,False,22880,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755562,1101375,False,32110,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15754332,1101375,False,14184,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755285,1101375,False,20555,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15754399,1101375,False,4084,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15756009,1101375,False,7870,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700116,1101375,False,44420,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15754769,1101375,True,52277,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15718031,1101375,False,21303,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15717963,1101375,False,21393,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755001,1101375,False,20874,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700308,1101375,False,5518,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15756115,1101375,False,44420,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15717993,1101375,True,52277,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15700149,1101375,False,21303,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700382,1101375,False,21393,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700774,1101375,False,20874,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700258,1101375,False,21303,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15755668,1101375,False,22880,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15717948,1101375,False,26371,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15717981,1101375,False,21303,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Other +15754290,1101375,False,2695,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700381,1101375,False,7870,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15754729,1101375,False,21303,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755243,1101375,False,21392,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755819,1101375,False,19133,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755795,1101375,False,21303,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700552,1101375,False,22880,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700066,1101375,False,42374,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700084,1101375,False,5378,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15699787,1101375,False,21392,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15718033,1101375,False,32110,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755075,1101375,False,4616,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755702,1101375,False,21393,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15717978,1101375,False,42374,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15756026,1101375,False,5518,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15718046,1101375,False,21392,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755692,1101375,False,26371,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15754822,1101375,False,3407,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700627,1101375,False,14184,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15756142,1101375,False,42374,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755976,1101375,False,5378,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15718041,1101375,False,44420,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15700602,1101375,False,33222,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700494,1101375,False,19529,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15718043,1101375,False,33222,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755582,1101375,False,44123,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755467,1101375,False,33222,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700576,1101375,False,13719,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700833,1101375,False,20555,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700654,1101375,False,44123,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15700122,1101375,False,21696,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15755101,1101375,False,13720,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700046,1101375,False,32110,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15754743,1101375,False,44123,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15755833,1101375,False,21696,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700007,1101375,False,13720,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15699888,1101375,True,52277,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15717934,1101375,False,44123,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15718025,1101375,False,21696,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +15755837,1101375,False,13719,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700365,1101375,False,19133,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15699914,1101375,False,44123,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15754831,1101375,False,99,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15754942,1101375,False,19529,neurologic|disorders of vasculature|stroke|hemorrhagic stroke,"432.9, I62.9",Primary +15700303,1101375,False,26371,neurologic|seizures|seizures|status epilepticus,"345.3, G40.901",Major +15718014,1101375,False,44123,neurologic|CNS mass lesions|brain tumor|glioblastoma multiforme,"191.9, C71.9",Major +8492064,533168,True,262,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Primary +8021047,533168,True,262,renal|disorder of urinary tract / renal system infection|urinary tract infection,"599.0, N39.0",Major +8679775,533168,True,262,oncology|GU tumors|prostate CA,"185, C61",Major +33285679,2743241,True,8343,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +33078272,2743241,True,8343,pulmonary|disorders of vasculature|pulmonary hypertension,,Major +32576776,2743241,False,2719,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Other +31235163,2743241,False,2719,pulmonary|disorders of vasculature|pulmonary hypertension,,Other +33055714,2743241,False,4734,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +33717515,2743241,False,521,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +32057175,2743241,False,4734,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +33982583,2743241,True,8343,pulmonary|pulmonary infections|pneumonia,"486, J18.9",Major +31743926,2743241,False,2719,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +33710575,2743241,False,4734,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +31882924,2743241,False,2076,cardiovascular|ventricular disorders|congestive heart failure|right-sided,"428.0, I50.9",Other +32411473,2743241,False,2719,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +33288358,2743241,False,4734,cardiovascular|ventricular disorders|congestive heart failure|right-sided,"428.0, I50.9",Major +31262704,2743241,False,2076,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +31733604,2743241,False,2719,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +32137968,2743241,False,4734,pulmonary|disorders of vasculature|pulmonary hypertension,,Major +30915532,2743241,False,2076,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +31159589,2743241,False,27,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32144065,2743241,False,2719,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +30883639,2743241,False,27,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +32641172,2743241,False,4734,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +31826781,2743241,False,27,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +32366411,2743241,False,521,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +31605126,2743241,True,8343,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +31356782,2743241,False,27,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Primary +31955043,2743241,False,521,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +32761257,2743241,True,8343,gastrointestinal|intestinal disease|vascular insufficiency of intestine,"557.9, K55.9",Other +30923380,2743241,False,521,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +31357707,2743241,False,2076,pulmonary|disorders of vasculature|pulmonary hypertension,,Other +33573621,2743241,False,2719,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +32328240,2743241,True,8343,cardiovascular|ventricular disorders|congestive heart failure|right-sided,"428.0, I50.9",Major +31311128,2743241,False,521,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +31165437,2743241,True,8343,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +31104417,2743241,False,4734,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Major +33765872,2743241,False,27,cardiovascular|ventricular disorders|congestive heart failure,"428.0, I50.9",Other +33785832,2743241,False,2719,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +31385740,2743241,True,8343,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +32057341,2743241,True,8343,cardiovascular|shock / hypotension|sepsis|severe,"995.92, R65.2",Primary +33452465,2743241,False,2076,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Major +31331115,2743241,False,4734,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +31031062,2743241,False,2076,infectious diseases|systemic/other infections|sepsis|severe,"995.92, R65.20",Primary +30930576,2743241,False,521,cardiovascular|ventricular disorders|hypertension,"401.9, I10",Other +33922470,2743241,False,2719,cardiovascular|ventricular disorders|congestive heart failure|right-sided,"428.0, I50.9",Other +32963304,2743241,False,2076,renal|disorder of kidney|chronic kidney disease,"585.9, N18.9",Other +33564274,2743241,True,8343,cardiovascular|arrhythmias|atrial fibrillation|with rapid ventricular response,"427.31, I48.0",Major +31053923,2743241,False,4734,renal|disorder of kidney|chronic kidney disease|Stage 3 (GFR 30-59),"585.3, N18.3",Other +3712015,178858,True,320,gastrointestinal|post-GI surgery|s/p surgery for intestinal obstruction,,Primary +20758010,1457949,True,18,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Primary +21603871,1457949,True,18,endocrine|glucose metabolism|diabetes mellitus,,Major +28607195,2462225,True,75,pulmonary|disorders of the airways|bronchitis,,Major +28638053,2462225,True,75,pulmonary|respiratory failure|acute on chronic respiratory failure not due to CHF,"518.84, J96.20",Primary +27302429,2233403,True,48,gastrointestinal|GI bleeding / PUD|GI bleeding,"578.9, K92.2",Primary +34543447,3003035,False,10444,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34560707,3003035,False,10444,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Primary +34353608,3003035,True,19120,renal|disorder of kidney|chronic kidney disease|Stage 2 (GFR 60-89),"585.2, N18.2",Major +34371810,3003035,False,10444,renal|disorder of kidney|chronic kidney disease|Stage 2 (GFR 60-89),"585.2, N18.2",Major +34499765,3003035,True,19120,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34383000,3003035,True,19120,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34512350,3003035,True,19120,pulmonary|respiratory failure|failure to wean,,Primary +34511697,3003035,False,10444,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34491064,3003035,False,10444,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34414446,3003035,True,19120,pulmonary|pleural disorders|pneumothorax,,Major +34547682,3003035,True,19120,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34320964,3003035,True,19120,endocrine|glucose metabolism|diabetes mellitus,,Major +34299361,3003035,False,8292,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34575915,3003035,True,19120,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34272819,3003035,False,8292,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34311861,3003035,True,19120,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34327688,3003035,False,9742,endocrine|glucose metabolism|diabetes mellitus,,Major +34575124,3003035,False,8292,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34385654,3003035,False,10444,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34353562,3003035,False,9742,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Primary +34514913,3003035,False,8292,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Primary +34259301,3003035,False,10444,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34275311,3003035,False,9742,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34424115,3003035,False,9742,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34325571,3003035,False,2245,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34523784,3003035,False,8292,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34461723,3003035,False,2246,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34784853,3003035,False,9742,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34458390,3003035,False,2245,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34658243,3003035,False,9742,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34350594,3003035,False,2246,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34786689,3003035,False,9742,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34417212,3003035,False,2245,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Primary +34563126,3003035,False,9742,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34306179,3003035,False,2245,endocrine|glucose metabolism|diabetes mellitus,,Major +34829462,3003035,False,8292,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34594493,3003035,False,1223,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34431339,3003035,False,8292,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34275401,3003035,False,2246,endocrine|glucose metabolism|diabetes mellitus,,Major +34753482,3003035,False,9742,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34614891,3003035,False,1223,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34486649,3003035,False,8292,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34255295,3003035,False,2245,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34852393,3003035,False,8292,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34540789,3003035,False,1223,endocrine|glucose metabolism|diabetes mellitus,,Major +34578826,3003035,False,9742,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34437605,3003035,False,2245,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34714375,3003035,False,8292,endocrine|glucose metabolism|diabetes mellitus,,Major +34751860,3003035,False,16903,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34883868,3003035,False,17190,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34742613,3003035,False,2246,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34514334,3003035,False,17190,endocrine|glucose metabolism|diabetes mellitus,,Major +34764920,3003035,False,16903,endocrine|glucose metabolism|diabetes mellitus,,Major +34688688,3003035,True,19120,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Major +34690772,3003035,False,2246,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34511058,3003035,False,17190,pulmonary|pleural disorders|pneumothorax,,Major +34757917,3003035,False,16903,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34655571,3003035,False,10444,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34561249,3003035,False,2245,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34628368,3003035,False,17190,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34807741,3003035,False,16903,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34865229,3003035,False,10444,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34680724,3003035,False,2245,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34579215,3003035,False,17190,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34520066,3003035,False,16903,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34638766,3003035,True,19120,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34843796,3003035,False,1223,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34816443,3003035,False,17190,renal|disorder of kidney|chronic kidney disease|Stage 2 (GFR 60-89),"585.2, N18.2",Major +34401910,3003035,False,16903,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34589445,3003035,False,10444,endocrine|glucose metabolism|diabetes mellitus,,Major +34610496,3003035,False,2246,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34446671,3003035,False,17190,pulmonary|respiratory failure|acute lung injury|pulmonary etiology|pneumonia,"518.81, J80",Major +34843613,3003035,False,16903,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34749606,3003035,False,17190,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Major +34868677,3003035,False,1223,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34638667,3003035,False,10444,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34305213,3003035,False,16903,renal|disorder of kidney|chronic kidney disease|Stage 2 (GFR 60-89),"585.2, N18.2",Major +34248592,3003035,False,17190,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Primary +34272510,3003035,False,94,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Primary +34644641,3003035,False,17190,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34595077,3003035,False,16903,pulmonary|pleural disorders|broncho-pleural fistula,"510.0, J86.0",Major +34727543,3003035,True,19120,neurologic|altered mental status / pain|encephalopathy,"348.30, G93.40",Major +34707692,3003035,False,2246,cardiovascular|ventricular disorders|cardiomyopathy|dilated|ischemic,"425.8, I25.5",Major +34250331,3003035,False,17190,pulmonary|pulmonary infections|pneumonia|community-acquired,"486, J18.9",Major +34250808,3003035,False,16903,pulmonary|pulmonary infections|empyema|associated with lung abscess,"513.0, 510.9, J85.2",Primary +34690940,3003035,False,17190,pulmonary|pleural disorders|broncho-pleural fistula,"510.0, J86.0",Major +34674297,3003035,False,94,endocrine|glucose metabolism|diabetes mellitus,,Major +34797499,3003035,True,19120,pulmonary|pleural disorders|broncho-pleural fistula,"510.0, J86.0",Major +34865278,3003035,False,16903,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34262530,3003035,False,1223,hematology|coagulation disorders|coagulopathy|coumadin administration,"286.9, D68.32",Major +34741304,3003035,False,1223,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Primary +34822499,3003035,False,17190,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34261043,3003035,False,16903,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +34787284,3003035,True,19120,cardiovascular|arrhythmias|syncope|likely non-cardiac origin,"780.2, R55",Major +34628503,3003035,False,2246,endocrine|glucose metabolism|hypoglycemia,"251.1, E16.2",Primary +34548727,3003035,False,16903,pulmonary|pleural disorders|pneumothorax,,Major +15164344,1063405,True,466,cardiovascular|cardiac arrest|cardiac arrest|initial rhythm: pulseless electrical activity,"427.5, I46.9",Primary +15147512,1063405,True,466,renal|disorder of kidney|ESRD (end stage renal disease),"585.6, N18.6",Major +15129223,1063405,True,466,cardiovascular|cardiac surgery|valve repair >= 7 days,,Major +27766593,2233402,False,42,gastrointestinal|GI bleeding / PUD|lower GI bleeding,"578.9, K92.2",Primary +7726352,369237,False,2791,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +7793551,369237,True,2793,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +6702351,369237,False,2791,neurologic|disorders of the spinal cord and peripheral nervous system|quadriplegia-complete,"344.00, G82.50",Major +7699856,369237,True,2793,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +7192103,369237,True,2793,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +6556133,369237,False,2791,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +7701916,369237,False,2791,endocrine|thyroid|hypothyroidism,"244.9, E03.9",Major +7318776,369237,True,2793,neurologic|disorders of the spinal cord and peripheral nervous system|quadriplegia-complete,"344.00, G82.50",Major +5466626,369237,False,2403,renal|disorder of kidney|acute renal failure|due to nephrotoxic agents|aminoglycosides,"584.9, E930.8, N17.9",Major +7517902,369237,False,2791,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Major +6087673,369237,False,2403,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +7214263,369237,False,2791,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +6650172,369237,False,2403,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Major +6866484,369237,True,2793,renal|disorder of kidney|acute renal failure|due to nephrotoxic agents|aminoglycosides,"584.9, E930.8, N17.9",Major +5619391,369237,True,2793,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Major +5502268,369237,False,2403,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +5604182,369237,False,2791,renal|disorder of kidney|acute renal failure|due to nephrotoxic agents|aminoglycosides,"584.9, E930.8, N17.9",Major +5857364,369237,False,72,cardiovascular|shock / hypotension|sepsis|sepsis with multi-organ dysfunction,"995.92, R65.20",Primary +7163223,369237,True,2793,endocrine|thyroid|hypothyroidism,"244.9, E03.9",Major +6229212,369237,True,2793,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +6740621,369237,False,72,endocrine|thyroid|hypothyroidism,"244.9, E03.9",Major +5797665,369237,False,2403,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Major +7420551,369237,False,2403,endocrine|thyroid|hypothyroidism,"244.9, E03.9",Major +5709432,369237,False,72,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +6884817,369237,True,2793,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Major +6126015,369237,False,2791,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +5979306,369237,False,72,renal|disorder of kidney|acute renal failure|due to sepsis,"584.9, N17.9",Major +7418905,369237,False,72,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +7140999,369237,False,2403,cardiovascular|shock / hypotension|hypotension / pressor dependent,,Major +6850010,369237,False,72,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Major +5504062,369237,False,72,renal|disorder of kidney|acute renal failure|due to nephrotoxic agents|aminoglycosides,"584.9, E930.8, N17.9",Major +5902177,369237,False,2791,neurologic|altered mental status / pain|encephalopathy|metabolic,"348.31, G93.41",Major +6342748,369237,False,72,burns/trauma|dermatology|pressure sore,"707.00, L89.90",Major +6644822,369237,False,2403,infectious diseases|GU infections|lower urinary tract infection,"595.9, N30.9",Major +46289735,3348292,False,2184,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46151377,3348292,False,762,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229435,3348292,False,2188,gastrointestinal|intestinal disease|viscus perforation,,Primary +46229426,3348292,False,762,gastrointestinal|intestinal disease|viscus perforation,,Primary +46290729,3348292,False,3608,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46150677,3348292,False,3608,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229403,3348292,False,2184,gastrointestinal|intestinal disease|viscus perforation,,Primary +46149795,3348292,False,6863,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229476,3348292,False,3608,gastrointestinal|intestinal disease|viscus perforation,,Major +46263469,3348292,False,6863,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Other +46146934,3348292,False,2184,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46298477,3348292,False,4014,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46146607,3348292,False,2188,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229381,3348292,False,4014,gastrointestinal|intestinal disease|viscus perforation,,Major +46147860,3348292,False,623,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46298214,3348292,False,5341,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46292739,3348292,False,6863,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46264383,3348292,False,5341,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Other +46229383,3348292,False,623,gastrointestinal|intestinal disease|viscus perforation,,Primary +46229470,3348292,False,5341,gastrointestinal|intestinal disease|viscus perforation,,Major +46229379,3348292,False,6863,gastrointestinal|intestinal disease|viscus perforation,,Major +46149884,3348292,False,8071,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Major +46229489,3348292,False,30,gastrointestinal|intestinal disease|viscus perforation,,Other +46229440,3348292,False,1008,gastrointestinal|intestinal disease|viscus perforation,,Primary +46229391,3348292,False,624,gastrointestinal|intestinal disease|viscus perforation,,Primary +46263492,3348292,False,8071,gastrointestinal|post-GI surgery|s/p exploratory laparotomy,,Other +46294211,3348292,False,2976,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46149967,3348292,False,1008,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46148795,3348292,False,4014,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229500,3348292,False,8071,gastrointestinal|intestinal disease|viscus perforation,,Major +46229389,3348292,False,2976,gastrointestinal|intestinal disease|viscus perforation,,Primary +46147352,3348292,False,5341,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46151387,3348292,False,168,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46297450,3348292,False,8071,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Other +46146578,3348292,False,624,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46147455,3348292,False,2976,cardiovascular|shock / hypotension|sepsis,"038.9, A41.9",Other +46229390,3348292,False,168,gastrointestinal|intestinal disease|viscus perforation,,Primary +6579183,378120,False,2868,neurologic|altered mental status / pain|pain,,Major +7718173,378120,False,2868,hematology|bleeding and red blood cell disorders|anemia|acute blood loss anemia,"285.1, D62",Major +6451910,378120,True,2870,cardiovascular|vascular disorders|DVT|left lower extremity,"451.2, I80.3",Major +7063529,378120,True,2870,hematology|bleeding and red blood cell disorders|hemorrhage,,Primary +7741323,378120,True,2870,hematology|bleeding and red blood cell disorders|anemia|acute blood loss anemia,"285.1, D62",Major +6530121,378120,False,25,hematology|bleeding and red blood cell disorders|hemorrhage,,Primary +6511450,378120,False,2868,cardiovascular|vascular disorders|DVT|left lower extremity,"451.2, I80.3",Major +6429678,378120,False,25,hematology|bleeding and red blood cell disorders|anemia|acute blood loss anemia,"285.1, D62",Major +7227210,378120,True,2870,neurologic|altered mental status / pain|pain,,Major +6539800,378120,False,25,neurologic|altered mental status / pain|pain,,Major +6974097,378120,False,25,cardiovascular|shock / hypotension|hypotension,"458.9, I95.9",Major +5586439,378120,False,2868,hematology|bleeding and red blood cell disorders|hemorrhage,,Primary +8877282,475290,True,33,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Major +8435233,475290,True,33,endocrine|glucose metabolism|diabetes mellitus,,Major +9155871,475290,True,33,endocrine|glucose metabolism|hyperglycemia,"790.6, R73.9",Major +8167805,475290,True,33,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +11689831,827085,False,69,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Primary +11014696,827085,False,560,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Primary +11784977,827085,False,69,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +12566860,827085,False,560,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +11403721,827085,False,77,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +10887298,827085,True,3312,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Primary +10360194,827085,False,77,cardiovascular|shock / hypotension|hypovolemic shock,"785.59, R57.1",Primary +12667221,827085,False,69,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +11155873,827085,False,560,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +10499968,827085,False,77,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +12604310,827085,True,3312,pulmonary|respiratory failure|acute respiratory failure,"518.81, J96.00",Major +11212825,827085,True,3312,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Major +10623342,842499,False,79,gastrointestinal|post-GI surgery|s/p surgery for undiagnosed mass,,Primary +11104882,842499,False,79,gastrointestinal|post-GI surgery|s/p cholecystectomy,,Major +23376923,1827129,True,35,pulmonary|post thoracic surgery|s/p thoracotomy|lobectomy,,Other +26166824,1827129,True,35,pulmonary|post thoracic surgery|s/p thoracotomy|for tumor,,Other +5830135,356949,True,75,endocrine|glucose metabolism|DKA,"250.13, E10.1",Primary +5595179,356949,True,75,gastrointestinal|abdominal/ general|nausea|with vomiting,"787.01, R11.2",Other +7298623,356949,True,75,pulmonary|disorders of the airways|asthma / bronchospasm,"493.90, J45",Major +5534038,356949,True,75,endocrine|glucose metabolism|diabetes mellitus,,Major +6433335,356949,True,75,renal|disorder of kidney|acute renal failure,"584.9, N17.9",Major +5541636,356949,True,75,gastrointestinal|abdominal/ general|abdominal pain / tenderness,"789.00, R10.9",Other +21824213,1588896,False,72,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +21990626,1588896,False,69,pulmonary|post thoracic surgery|s/p thoracotomy,,Primary +21825942,1588896,False,69,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +21990750,1588896,False,72,pulmonary|post thoracic surgery|s/p thoracotomy,,Primary +21827037,1588896,False,69,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other +21990641,1588896,True,313,pulmonary|post thoracic surgery|s/p thoracotomy,,Primary +21990589,1588896,False,69,pulmonary|post thoracic surgery|s/p thoracotomy,,Primary +21823825,1588896,True,313,cardiovascular|arrhythmias|atrial fibrillation,"427.31, I48.0",Other diff --git a/test-resources/core/eicudemo/hospital.csv b/test-resources/core/eicudemo/hospital.csv new file mode 100644 index 000000000..8053fda26 --- /dev/null +++ b/test-resources/core/eicudemo/hospital.csv @@ -0,0 +1,84 @@ +hospitalid,numbedscategory,teachingstatus,region +56,<100,f,Midwest +59,<100,f,Midwest +71,100 - 249,f,Midwest +79,>= 500,f,Midwest +95,100 - 249,f,Midwest +110,100 - 249,f,South +112,250 - 499,f,South +115,<100,f,South +122,>= 500,f,South +125,<100,f,South +131,<100,f,South +138,<100,f,Midwest +141,250 - 499,f,South +143,250 - 499,f, +144,100 - 249,f,South +148,250 - 499,f,West +152,100 - 249,f,West +155,100 - 249,f,West +157,250 - 499,f,West +165,>= 500,f,West +167,>= 500,t,West +174,<100,f,West +176,,f, +180,100 - 249,f,South +181,,f,South +182,100 - 249,f,South +183,>= 500,f,South +195,250 - 499,t,South +198,>= 500,t,South +199,>= 500,t,Northeast +201,100 - 249,f, +204,100 - 249,f,Northeast +207,<100,f,South +208,>= 500,f,South +209,,f, +220,250 - 499,t,South +224,100 - 249,f,South +244,100 - 249,f,South +245,100 - 249,f,South +246,100 - 249,f,South +248,100 - 249,f,Midwest +251,<100,f,Midwest +263,,f, +269,,f, +273,100 - 249,f,Midwest +277,100 - 249,f,Midwest +279,100 - 249,f,Midwest +280,250 - 499,f,Midwest +281,250 - 499,f,Midwest +303,,f, +310,100 - 249,f,Midwest +328,<100,f,Midwest +331,,f, +353,100 - 249,f,Midwest +357,,f,Midwest +382,>= 500,f, +387,>= 500,f,West +388,100 - 249,f,West +389,<100,f,West +393,<100,f,West +396,100 - 249,f,West +397,100 - 249,f, +399,<100,f,West +400,250 - 499,f,West +404,<100,f,West +405,100 - 249,f,West +417,250 - 499,f,South +421,<100,f,Northeast +423,<100,f,Northeast +425,100 - 249,f,Northeast +429,,f,South +433,,f,South +435,250 - 499,f,South +438,,f,South +439,100 - 249,f,South +443,>= 500,t,South +444,,f,Midwest +458,>= 500,f,South +459,100 - 249,f,South + + + + diff --git a/test-resources/core/eicudemo/lab.csv b/test-resources/core/eicudemo/lab.csv new file mode 100644 index 000000000..dd528d952 --- /dev/null +++ b/test-resources/core/eicudemo/lab.csv @@ -0,0 +1,29962 @@ +labid,patientunitstayid,labresultoffset,labtypeid,labname,labresult,labresulttext,labmeasurenamesystem,labmeasurenameinterface,labresultrevisedoffset +158940618,758779,-6475,1,BUN,31.0,31,mg/dL,mg/dL,-6440 +158940608,758779,-6475,1,anion gap,12.0,12,,,-6440 +158940605,758779,-6475,1,potassium,3.9,3.9,mmol/L,mmol/L,-6440 +158940606,758779,-6475,1,creatinine,1.29,1.29,mg/dL,mg/dL,-6440 +158940616,758779,-6475,1,glucose,69.0,69,mg/dL,mg/dL,-6440 +158940617,758779,-6475,1,chloride,102.0,102,mmol/L,mmol/L,-6440 +157437999,758779,877,1,albumin,1.8,1.8,g/dL,g/dL,935 +158940609,758779,-6475,1,AST (SGOT),15.0,15,Units/L,IU/L,-6440 +157437995,758779,877,1,alkaline phos.,102.0,102,Units/L,IU/L,935 +158940607,758779,-6475,1,alkaline phos.,104.0,104,Units/L,IU/L,-6440 +157438006,758779,877,1,BUN,28.0,28,mg/dL,mg/dL,935 +158940613,758779,-6475,1,total protein,6.6,6.6,g/dL,g/dL,-6440 +157437996,758779,877,1,anion gap,8.0,8,,,935 +158940612,758779,-6475,1,bicarbonate,25.0,25,mmol/L,mmol/L,-6440 +157437997,758779,877,1,AST (SGOT),38.0,38,Units/L,IU/L,935 +145461639,758779,5335,1,anion gap,8.0,8,,,5376 +158940614,758779,-6475,1,calcium,8.7,8.7,mg/dL,mg/dL,-6440 +145461640,758779,5335,1,albumin,1.8,1.8,g/dL,g/dL,5376 +157438001,758779,877,1,total protein,5.0,5.0,g/dL,g/dL,935 +145461641,758779,5335,1,calcium,8.4,8.4,mg/dL,mg/dL,5376 +221617388,758779,-281,7,paCO2,35.8,35.8,mm Hg,mmHg,-278 +145461642,758779,5335,1,phosphate,3.0,3.0,mg/dL,mg/dL,5376 +157438002,758779,877,1,calcium,8.2,8.2,mg/dL,mg/dL,935 +145461638,758779,5335,1,bicarbonate,23.0,23,mmol/L,mmol/L,5376 +158940611,758779,-6475,1,albumin,2.6,2.6,g/dL,g/dL,-6440 +145461636,758779,5335,1,potassium,4.3,4.3,mmol/L,mmol/L,5376 +157437994,758779,877,1,creatinine,1.1,1.10,mg/dL,mg/dL,935 +145535241,758779,8215,1,sodium,140.0,140,mmol/L,mmol/L,8274 +221617389,758779,-281,7,pH,7.362,7.362,,unit(s),-278 +145535242,758779,8215,1,potassium,4.4,4.4,mmol/L,mmol/L,8274 +157438003,758779,877,1,ALT (SGPT),17.0,17,Units/L,IU/L,935 +145461637,758779,5335,1,chloride,109.0,109,mmol/L,mmol/L,5376 +158940615,758779,-6475,1,ALT (SGPT),16.0,16,Units/L,IU/L,-6440 +145535247,758779,8215,1,calcium,8.2,8.2,mg/dL,mg/dL,8274 +157437992,758779,877,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,935 +145535248,758779,8215,1,phosphate,2.9,2.9,mg/dL,mg/dL,8274 +221617394,758779,-281,7,Base Excess,-4.6,-4.6,mEq/L,,-278 +145535246,758779,8215,1,albumin,1.8,1.8,g/dL,g/dL,8274 +157438004,758779,877,1,glucose,335.0,335,mg/dL,mg/dL,935 +145535245,758779,8215,1,anion gap,8.0,8,,,8274 +158940610,758779,-6475,1,sodium,139.0,139,mmol/L,mmol/L,-6440 +145535244,758779,8215,1,bicarbonate,26.0,26,mmol/L,mmol/L,8274 +157437993,758779,877,1,potassium,4.7,4.7,mmol/L,mmol/L,935 +145461633,758779,5335,1,BUN,18.0,18,mg/dL,mg/dL,5376 +221617393,758779,-281,7,Temperature,37.0,37.0,°C,C.,-278 +145535243,758779,8215,1,chloride,106.0,106,mmol/L,mmol/L,8274 +157438000,758779,877,1,bicarbonate,22.0,22,mmol/L,mmol/L,935 +172138970,758779,877,3,MCV,91.0,91,fL,fL,909 +184167421,758779,-9935,3,platelets x 1000,264.0,264,K/mcL,K/MM3,-9859 +145461634,758779,5335,1,creatinine,0.92,0.92,mg/dL,mg/dL,5376 +162855417,758779,-6475,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-6440 +172138971,758779,877,3,Hgb,7.8,7.8,g/dL,g/dL,909 +157437998,758779,877,1,sodium,139.0,139,mmol/L,mmol/L,935 +145535239,758779,8215,1,BUN,12.0,12,mg/dL,mg/dL,8274 +184167419,758779,-9935,3,MCH,27.4,27.4,pg,pg,-9859 +221689631,758779,-239,7,HCO3,20.6,20.6,mmol/L,mmol/L,-236 +172138969,758779,877,3,Hct,24.1,24.1,%,%,909 +226698971,758779,-195,7,FiO2,100.0,100.0,%,,-193 +221617392,758779,-281,7,O2 Sat (%),99.7,99.7,%,,-278 +221689632,758779,-239,7,FiO2,100.0,100.0,%,,-236 +145461632,758779,5335,1,glucose,233.0,233,mg/dL,mg/dL,5376 +226698970,758779,-195,7,HCO3,19.2,19.2,mmol/L,mmol/L,-193 +157438005,758779,877,1,chloride,109.0,109,mmol/L,mmol/L,935 +221689640,758779,-239,7,Base Excess,-4.6,-4.6,mEq/L,,-236 +172138968,758779,877,3,RBC,2.66,2.66,M/mcL,M/MM3,909 +226698972,758779,-195,7,paO2,392.0,392.0,mm Hg,mmHg,-193 +184167420,758779,-9935,3,MCHC,29.9,29.9,g/dL,g/dL,-9859 +150807694,758779,6725,1,calcium,8.5,8.5,mg/dL,mg/dL,6792 +145535240,758779,8215,1,creatinine,0.72,0.72,mg/dL,mg/dL,8274 +170025725,758779,8215,3,RBC,2.75,2.75,M/mcL,M/MM3,8246 +192116492,758779,5694,4,bedside glucose,289.0,289,mg/dL,mg/dL,5694 +167663868,758779,-289,3,Hgb,9.5,9.5,g/dL,g/dL,-258 +172138972,758779,877,3,WBC x 1000,13.4,13.4,K/mcL,K/MM3,909 +159580926,758779,-9935,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-9842 +221689635,758779,-239,7,pH,7.336,7.336,,unit(s),-236 +176167724,758779,5335,3,WBC x 1000,8.7,8.7,K/mcL,K/MM3,5351 +159580940,758779,-9935,1,BUN,33.0,33,mg/dL,mg/dL,-9842 +150807693,758779,6725,1,albumin,1.8,1.8,g/dL,g/dL,6792 +184167415,758779,-9935,3,MCV,92.0,92,fL,fL,-9859 +159580930,758779,-9935,1,anion gap,11.0,11,,,-9842 +170025724,758779,8215,3,WBC x 1000,8.6,8.6,K/mcL,K/MM3,8246 +145535238,758779,8215,1,glucose,264.0,264,mg/dL,mg/dL,8274 +159580939,758779,-9935,1,chloride,106.0,106,mmol/L,mmol/L,-9842 +167663869,758779,-289,3,WBC x 1000,11.2,11.2,K/mcL,K/MM3,-258 +176167725,758779,5335,3,RBC,2.72,2.72,M/mcL,M/MM3,5351 +159580929,758779,-9935,1,alkaline phos.,147.0,147,Units/L,IU/L,-9842 +226698979,758779,-195,7,Base Excess,-6.4,-6.4,mEq/L,,-193 +192064394,758779,2830,4,bedside glucose,121.0,121,mg/dL,mg/dL,2830 +159580928,758779,-9935,1,creatinine,1.1,1.10,mg/dL,mg/dL,-9842 +150807690,758779,6725,1,chloride,108.0,108,mmol/L,mmol/L,6792 +172138975,758779,877,3,MCHC,32.4,32.4,g/dL,g/dL,909 +159580938,758779,-9935,1,glucose,285.0,285,mg/dL,mg/dL,-9842 +170025729,758779,8215,3,MCH,29.1,29.1,pg,pg,8246 +176167729,758779,5335,3,MCH,29.8,29.8,pg,pg,5351 +158068251,758779,-1262,1,creatinine,1.37,1.37,mg/dL,mg/dL,-1217 +167663870,758779,-289,3,RDW,16.0,16.0,%,%,-258 +184167414,758779,-9935,3,Hct,33.8,33.8,%,%,-9859 +159580927,758779,-9935,1,potassium,4.5,4.5,mmol/L,mmol/L,-9842 +221689639,758779,-239,7,Temperature,37.0,37.0,°C,C.,-236 +179540664,758779,-1262,3,ESR,109.0,109,mm/hr,mm/hr,-1233 +158068254,758779,-1262,1,bicarbonate,24.0,24,mmol/L,mmol/L,-1217 +150807691,758779,6725,1,bicarbonate,24.0,24,mmol/L,mmol/L,6792 +176167726,758779,5335,3,Hgb,8.1,8.1,g/dL,g/dL,5351 +159580931,758779,-9935,1,AST (SGOT),18.0,18,Units/L,IU/L,-9842 +149808343,758779,2288,1,anion gap,10.0,10,,,2342 +189906368,758779,4805,4,bedside glucose,352.0,352,mg/dL,mg/dL,4805 +158068255,758779,-1262,1,calcium,8.6,8.6,mg/dL,mg/dL,-1217 +170025733,758779,8215,3,MPV,9.0,9.0,fL,fL,8246 +172138976,758779,877,3,platelets x 1000,290.0,290,K/mcL,K/MM3,909 +159580932,758779,-9935,1,sodium,140.0,140,mmol/L,mmol/L,-9842 +167663865,758779,-289,3,RBC,3.5,3.50,M/mcL,M/MM3,-258 +176167727,758779,5335,3,Hct,24.1,24.1,%,%,5351 +158068250,758779,-1262,1,potassium,4.2,4.2,mmol/L,mmol/L,-1217 +149808342,758779,2288,1,bicarbonate,20.0,20,mmol/L,mmol/L,2342 +184167416,758779,-9935,3,Hgb,10.1,10.1,g/dL,g/dL,-9859 +159580935,758779,-9935,1,total protein,7.2,7.2,g/dL,g/dL,-9842 +226698974,758779,-195,7,pH,7.281,7.281,,unit(s),-193 +188160699,758779,-153,4,bedside glucose,274.0,274,mg/dL,mg/dL,-153 +158068252,758779,-1262,1,anion gap,7.0,7,,,-1217 +150807692,758779,6725,1,anion gap,8.0,8,,,6792 +176167728,758779,5335,3,MCV,89.0,89,fL,fL,5351 +159580934,758779,-9935,1,bicarbonate,23.0,23,mmol/L,mmol/L,-9842 +149808345,758779,2288,1,BUN,18.0,18,mg/dL,mg/dL,2342 +164244651,758779,2288,1,magnesium,2.0,2.0,mg/dL,mg/dL,2342 +188602993,758779,-243,4,bedside glucose,209.0,209,mg/dL,mg/dL,-243 +170025730,758779,8215,3,MCHC,32.3,32.3,g/dL,g/dL,8246 +172138974,758779,877,3,MCH,29.3,29.3,pg,pg,909 +158068258,758779,-1262,1,BUN,34.0,34,mg/dL,mg/dL,-1217 +167663867,758779,-289,3,MCV,91.0,91,fL,fL,-258 +176167730,758779,5335,3,MCHC,33.6,33.6,g/dL,g/dL,5351 +188384919,758779,1691,4,bedside glucose,224.0,224,mg/dL,mg/dL,1691 +149988097,758779,877,1,phosphate,3.8,3.8,mg/dL,mg/dL,935 +184167417,758779,-9935,3,WBC x 1000,10.4,10.4,K/mcL,K/MM3,-9859 +159580936,758779,-9935,1,calcium,9.3,9.3,mg/dL,mg/dL,-9842 +221689638,758779,-239,7,O2 Sat (%),99.9,99.9,%,,-236 +145461635,758779,5335,1,sodium,140.0,140,mmol/L,mmol/L,5376 +188572694,758779,4572,4,bedside glucose,288.0,288,mg/dL,mg/dL,4572 +150807695,758779,6725,1,phosphate,3.0,3.0,mg/dL,mg/dL,6792 +176167733,758779,5335,3,MPV,8.7,8.7,fL,fL,5351 +158068257,758779,-1262,1,chloride,109.0,109,mmol/L,mmol/L,-1217 +149808346,758779,2288,1,creatinine,0.92,0.92,mg/dL,mg/dL,2342 +189287094,758779,7154,4,bedside glucose,274.0,274,mg/dL,mg/dL,7154 +189923388,758779,-4027,4,bedside glucose,237.0,237,mg/dL,mg/dL,-4027 +170025731,758779,8215,3,RDW,15.1,15.1,%,%,8246 +172138973,758779,877,3,RDW,15.9,15.9,%,%,909 +188212022,758779,-6107,4,bedside glucose,105.0,105,mg/dL,mg/dL,-6107 +167663866,758779,-289,3,Hct,31.7,31.7,%,%,-258 +176167732,758779,5335,3,platelets x 1000,282.0,282,K/mcL,K/MM3,5351 +159580937,758779,-9935,1,ALT (SGPT),23.0,23,Units/L,IU/L,-9842 +149808341,758779,2288,1,chloride,112.0,112,mmol/L,mmol/L,2342 +176283667,758779,2288,3,MCH,28.6,28.6,pg,pg,2335 +184167418,758779,-9935,3,RDW,15.8,15.8,%,%,-9859 +173648878,758779,3795,3,Hct,26.0,26.0,%,%,3827 +191049128,758779,1537,4,bedside glucose,244.0,244,mg/dL,mg/dL,1537 +176283668,758779,2288,3,MCHC,32.3,32.3,g/dL,g/dL,2335 +226698977,758779,-195,7,O2 Sat (%),99.7,99.7,%,,-193 +173648879,758779,3795,3,MCV,88.0,88,fL,fL,3827 +188795449,758779,5140,4,bedside glucose,300.0,300,mg/dL,mg/dL,5140 +176283665,758779,2288,3,Hct,18.9,18.9,%,%,2335 +158068256,758779,-1262,1,glucose,116.0,116,mg/dL,mg/dL,-1217 +173648880,758779,3795,3,MCH,29.8,29.8,pg,pg,3827 +150807687,758779,6725,1,creatinine,0.87,0.87,mg/dL,mg/dL,6792 +176283666,758779,2288,3,MCV,89.0,89,fL,fL,2335 +165579949,758779,4850,2,Vancomycin - trough,18.1,18.1,mcg/mL,ug/mL,4873 +173648881,758779,3795,3,MCHC,33.8,33.8,g/dL,g/dL,3827 +191993175,758779,-8667,4,bedside glucose,170.0,170,mg/dL,mg/dL,-8667 +174667346,758779,-6475,3,platelets x 1000,245.0,245,K/mcL,K/MM3,-6459 +149808353,758779,2288,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,2342 +176283669,758779,2288,3,RDW,15.6,15.6,%,%,2335 +191464908,758779,4290,4,bedside glucose,180.0,180,mg/dL,mg/dL,4290 +174667340,758779,-6475,3,MCV,90.0,90,fL,fL,-6459 +159580933,758779,-9935,1,albumin,3.3,3.3,g/dL,g/dL,-9842 +173648876,758779,3795,3,RBC,2.95,2.95,M/mcL,M/MM3,3827 +170025726,758779,8215,3,Hgb,8.0,8.0,g/dL,g/dL,8246 +174667342,758779,-6475,3,WBC x 1000,19.1,19.1,K/mcL,K/MM3,-6459 +189422119,758779,444,4,bedside glucose,338.0,338,mg/dL,mg/dL,444 +176283663,758779,2288,3,RBC,2.13,2.13,M/mcL,M/MM3,2335 +191367467,758779,8705,4,bedside glucose,348.0,348,mg/dL,mg/dL,8705 +174667343,758779,-6475,3,RDW,15.8,15.8,%,%,-6459 +167663871,758779,-289,3,MCH,27.1,27.1,pg,pg,-258 +173648875,758779,3795,3,WBC x 1000,9.9,9.9,K/mcL,K/MM3,3827 +176167731,758779,5335,3,RDW,16.2,16.2,%,%,5351 +174667344,758779,-6475,3,MCH,27.5,27.5,pg,pg,-6459 +158068253,758779,-1262,1,sodium,140.0,140,mmol/L,mmol/L,-1217 +176283662,758779,2288,3,WBC x 1000,11.4,11.4,K/mcL,K/MM3,2335 +149808344,758779,2288,1,glucose,64.0,64,mg/dL,mg/dL,2342 +174667338,758779,-6475,3,RBC,3.42,3.42,M/mcL,M/MM3,-6459 +184167413,758779,-9935,3,RBC,3.69,3.69,M/mcL,M/MM3,-9859 +173648882,758779,3795,3,RDW,16.1,16.1,%,%,3827 +220605860,758779,46,7,FiO2,60.0,60,%,,46 +174667341,758779,-6475,3,Hgb,9.4,9.4,g/dL,g/dL,-6459 +221689633,758779,-239,7,paO2,346.0,346.0,mm Hg,mmHg,-236 +176283664,758779,2288,3,Hgb,6.1,6.1,g/dL,g/dL,2335 +142263581,758779,5335,1,magnesium,2.0,2.0,mg/dL,mg/dL,5376 +189681402,758779,-9533,4,bedside glucose,237.0,237,mg/dL,mg/dL,-9533 +187964250,758779,8791,4,bedside glucose,373.0,373,mg/dL,mg/dL,8791 +173648877,758779,3795,3,Hgb,8.8,8.8,g/dL,g/dL,3827 +150807688,758779,6725,1,sodium,140.0,140,mmol/L,mmol/L,6792 +227264332,758779,-281,7,paO2,306.0,306.0,mm Hg,mmHg,-278 +187816000,758779,-2969,4,bedside glucose,219.0,219,mg/dL,mg/dL,-2969 +188284745,758779,-5803,4,bedside glucose,188.0,188,mg/dL,mg/dL,-5803 +191254218,758779,-7205,4,bedside glucose,233.0,233,mg/dL,mg/dL,-7205 +187975125,758779,1987,4,bedside glucose,103.0,103,mg/dL,mg/dL,1987 +149808349,758779,2288,1,calcium,8.0,8.0,mg/dL,mg/dL,2342 +188056845,758779,-2668,4,bedside glucose,190.0,190,mg/dL,mg/dL,-2668 +148076564,758779,3795,1,phosphate,3.7,3.7,mg/dL,mg/dL,3860 +190487150,758779,-3807,4,bedside glucose,131.0,131,mg/dL,mg/dL,-3807 +170025728,758779,8215,3,MCV,90.0,90,fL,fL,8246 +190442021,758779,3324,4,bedside glucose,161.0,161,mg/dL,mg/dL,3324 +148076563,758779,3795,1,calcium,8.0,8.0,mg/dL,mg/dL,3860 +174667339,758779,-6475,3,Hct,30.6,30.6,%,%,-6459 +167663872,758779,-289,3,MCHC,30.0,30.0,g/dL,g/dL,-258 +188471976,758779,102,4,bedside glucose,292.0,292,mg/dL,mg/dL,102 +148076562,758779,3795,1,albumin,1.9,1.9,g/dL,g/dL,3860 +162135931,758779,877,1,magnesium,1.9,1.9,mg/dL,mg/dL,935 +149808350,758779,2288,1,alkaline phos.,76.0,76,Units/L,IU/L,2342 +189359614,758779,-2391,4,bedside glucose,177.0,177,mg/dL,mg/dL,-2391 +148076561,758779,3795,1,anion gap,10.0,10,,,3860 +166359585,758779,-5676,3,RBC,3.28,3.28,M/mcL,M/MM3,-5667 +226698973,758779,-195,7,paCO2,42.4,42.4,mm Hg,mmHg,-193 +188262680,758779,-5258,4,bedside glucose,219.0,219,mg/dL,mg/dL,-5258 +148076554,758779,3795,1,glucose,115.0,115,mg/dL,mg/dL,3860 +188593982,758779,8300,4,bedside glucose,260.0,260,mg/dL,mg/dL,8300 +150807689,758779,6725,1,potassium,4.6,4.6,mmol/L,mmol/L,6792 +166359586,758779,-5676,3,Hct,29.7,29.7,%,%,-5667 +148076556,758779,3795,1,creatinine,0.88,0.88,mg/dL,mg/dL,3860 +227264330,758779,-281,7,HCO3,20.6,20.6,mmol/L,mmol/L,-278 +149808351,758779,2288,1,ALT (SGPT),18.0,18,Units/L,IU/L,2342 +176283670,758779,2288,3,platelets x 1000,311.0,311,K/mcL,K/MM3,2335 +148076559,758779,3795,1,chloride,109.0,109,mmol/L,mmol/L,3860 +166359587,758779,-5676,3,MCV,90.0,90,fL,fL,-5667 +170025727,758779,8215,3,Hct,24.8,24.8,%,%,8246 +187256174,758779,7760,4,bedside glucose,306.0,306,mg/dL,mg/dL,7760 +148076558,758779,3795,1,potassium,4.4,4.4,mmol/L,mmol/L,3860 +190214558,758779,5425,4,bedside glucose,225.0,225,mg/dL,mg/dL,5425 +167663873,758779,-289,3,platelets x 1000,368.0,368,K/mcL,K/MM3,-258 +166359588,758779,-5676,3,Hgb,9.1,9.1,g/dL,g/dL,-5667 +148076555,758779,3795,1,BUN,17.0,17,mg/dL,mg/dL,3860 +189666268,758779,5968,4,bedside glucose,239.0,239,mg/dL,mg/dL,5968 +149808348,758779,2288,1,albumin,1.6,1.6,g/dL,g/dL,2342 +175938054,758779,877,3,PT - INR,1.2,1.2,ratio,,919 +148076560,758779,3795,1,bicarbonate,23.0,23,mmol/L,mmol/L,3860 +166359589,758779,-5676,3,WBC x 1000,17.4,17.4,K/mcL,K/MM3,-5667 +221689634,758779,-239,7,paCO2,38.9,38.9,mm Hg,mmHg,-236 +174667345,758779,-6475,3,MCHC,30.7,30.7,g/dL,g/dL,-6459 +148076557,758779,3795,1,sodium,142.0,142,mmol/L,mmol/L,3860 +188563939,758779,2537,4,bedside glucose,75.0,75,mg/dL,mg/dL,2537 +150807685,758779,6725,1,glucose,323.0,323,mg/dL,mg/dL,6792 +166359590,758779,-5676,3,RDW,16.1,16.1,%,%,-5667 +160013467,758779,-52,1,BUN,28.0,28,mg/dL,mg/dL,-52 +190127590,758779,-4363,4,bedside glucose,319.0,319,mg/dL,mg/dL,-4363 +149808340,758779,2288,1,potassium,4.2,4.2,mmol/L,mmol/L,2342 +173648883,758779,3795,3,platelets x 1000,279.0,279,K/mcL,K/MM3,3827 +160013464,758779,-52,1,sodium,140.0,140,mmol/L,mmol/L,-52 +166359591,758779,-5676,3,MCH,27.7,27.7,pg,pg,-5667 +170025732,758779,8215,3,platelets x 1000,296.0,296,K/mcL,K/MM3,8246 +189428993,758779,-1262,4,TSH,1.4,1.40,mcU/ml,mIU/L,-1215 +160013462,758779,-52,1,potassium,5.0,5.0,mmol/L,mmol/L,-52 +188691493,758779,1198,4,bedside glucose,294.0,294,mg/dL,mg/dL,1198 +189122774,758779,6287,4,bedside glucose,294.0,294,mg/dL,mg/dL,6287 +171321744,758779,-9935,3,PT,13.4,13.4,sec,second(s),-9852 +166359592,758779,-5676,3,MCHC,30.6,30.6,g/dL,g/dL,-5667 +160013463,758779,-52,1,creatinine,1.1,1.1,mg/dL,mg/dL,-52 +191805862,758779,-1788,4,bedside glucose,79.0,79,mg/dL,mg/dL,-1788 +227264331,758779,-281,7,FiO2,100.0,100.0,%,,-278 +149808347,758779,2288,1,total protein,4.9,4.9,g/dL,g/dL,2342 +171321745,758779,-9935,3,PT - INR,1.0,1.0,ratio,,-9852 +175938053,758779,877,3,PT,15.3,15.3,sec,second(s),919 +187483470,758779,-1057,4,bedside glucose,130.0,130,mg/dL,mg/dL,-1057 +189248232,758779,3122,4,bedside glucose,143.0,143,mg/dL,mg/dL,3122 +166359593,758779,-5676,3,platelets x 1000,252.0,252,K/mcL,K/MM3,-5667 +226698978,758779,-195,7,Temperature,37.0,37.0,°C,C.,-193 +191858530,758779,7496,4,bedside glucose,312.0,312,mg/dL,mg/dL,7496 +159515915,758779,2288,1,phosphate,3.2,3.2,mg/dL,mg/dL,2342 +188476088,758779,-6740,4,bedside glucose,143.0,143,mg/dL,mg/dL,-6740 +191584530,758779,-8946,4,bedside glucose,229.0,229,mg/dL,mg/dL,-8946 +190782220,758779,-7541,4,bedside glucose,241.0,241,mg/dL,mg/dL,-7541 +150807686,758779,6725,1,BUN,15.0,15,mg/dL,mg/dL,6792 +191768829,758779,-3236,4,bedside glucose,141.0,141,mg/dL,mg/dL,-3236 +165579950,758779,-1915,2,Tacrolimus-FK506,6.9,6.9,ng/mL,ng/mL,-1285 +160013466,758779,-52,1,chloride,109.0,109,mmol/L,mmol/L,-52 +187650885,758779,-5976,4,bedside glucose,109.0,109,mg/dL,mg/dL,-5976 +191871225,758779,-7972,4,bedside glucose,88.0,88,mg/dL,mg/dL,-7972 +149808352,758779,2288,1,AST (SGOT),42.0,42,Units/L,IU/L,2342 +190122898,758779,2501,4,bedside glucose,73.0,73,mg/dL,mg/dL,2501 +191369028,758779,4012,4,bedside glucose,120.0,120,mg/dL,mg/dL,4012 +191304449,758779,-4673,4,bedside glucose,207.0,207,mg/dL,mg/dL,-4673 +190927295,758779,-5553,4,bedside glucose,242.0,242,mg/dL,mg/dL,-5553 +191176080,758779,-4988,4,bedside glucose,224.0,224,mg/dL,mg/dL,-4988 +188507765,758779,6799,4,bedside glucose,304.0,304,mg/dL,mg/dL,6799 +174819267,758779,244,3,PTT,27.0,27,sec,second(s),295 +188323100,758779,-396,4,bedside glucose,162.0,162,mg/dL,mg/dL,-396 +174819266,758779,244,3,PT - INR,1.3,1.3,ratio,,294 +160013465,758779,-52,1,glucose,349.0,349,mg/dL,mg/dL,-52 +146920385,758779,-6475,1,lactate,0.6,0.6,mmol/L,mmol/L,-6440 +149808339,758779,2288,1,sodium,142.0,142,mmol/L,mmol/L,2342 +174819265,758779,244,3,PT,16.1,16.1,sec,second(s),294 +187561650,758779,-8184,4,bedside glucose,112.0,112,mg/dL,mg/dL,-8184 +169387926,758779,877,3,PTT,31.0,31,sec,second(s),919 +159769668,869526,-225,1,creatinine,1.39,1.39,mg/dL,mg/dL,-198 +159769667,869526,-225,1,potassium,3.2,3.2,mmol/L,mmol/L,-198 +159769674,869526,-225,1,bicarbonate,11.0,11,mmol/L,mmol/L,-198 +159769666,869526,-225,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-198 +159769673,869526,-225,1,albumin,3.7,3.7,g/dL,g/dL,-198 +141817310,869526,22,1,chloride,108.0,108,mmol/L,mmol/L,47 +159769679,869526,-225,1,chloride,101.0,101,mmol/L,mmol/L,-198 +141817307,869526,22,1,calcium,8.0,8.0,mg/dL,mg/dL,47 +179371650,869526,2176,3,MCHC,33.1,33.1,g/dL,g/dL,2185 +141817308,869526,22,1,ALT (SGPT),548.0,548,Units/L,IU/L,47 +159769680,869526,-225,1,BUN,8.0,8,mg/dL,mg/dL,-198 +141817309,869526,22,1,glucose,79.0,79,mg/dL,mg/dL,47 +179371649,869526,2176,3,MCH,29.3,29.3,pg,pg,2185 +147203481,869526,255,1,BUN,10.0,10,mg/dL,mg/dL,321 +159769671,869526,-225,1,AST (SGOT),392.0,392,Units/L,IU/L,-198 +141817303,869526,22,1,sodium,141.0,141,mmol/L,mmol/L,47 +179371651,869526,2176,3,platelets x 1000,129.0,129,K/mcL,K/MM3,2185 +147203480,869526,255,1,chloride,112.0,112,mmol/L,mmol/L,321 +159769669,869526,-225,1,alkaline phos.,123.0,123,Units/L,IU/L,-198 +141817302,869526,22,1,AST (SGOT),658.0,658,Units/L,IU/L,47 +179371648,869526,2176,3,RDW,14.9,14.9,%,%,2185 +220978267,869526,-218,7,paCO2,28.0,28.0,mm Hg,mmHg,-213 +159769676,869526,-225,1,calcium,8.9,8.9,mg/dL,mg/dL,-198 +147203477,869526,255,1,bicarbonate,23.0,23,mmol/L,mmol/L,321 +179371642,869526,2176,3,MPV,10.0,10.0,fL,fL,2185 +141817304,869526,22,1,albumin,3.5,3.5,g/dL,g/dL,47 +159769675,869526,-225,1,total protein,8.0,8.0,g/dL,g/dL,-198 +220978268,869526,-218,7,pH,7.05,7.050,,unit(s),-213 +179371646,869526,2176,3,Hgb,10.5,10.5,g/dL,g/dL,2185 +147203479,869526,255,1,glucose,120.0,120,mg/dL,mg/dL,321 +159769670,869526,-225,1,anion gap,25.0,25,,,-198 +141817311,869526,22,1,BUN,8.0,8,mg/dL,mg/dL,47 +179371643,869526,2176,3,RBC,3.58,3.58,M/mcL,M/MM3,2185 +220978271,869526,-218,7,O2 Sat (%),100.0,100.0,%,,-213 +159769677,869526,-225,1,ALT (SGPT),332.0,332,Units/L,IU/L,-198 +147203478,869526,255,1,calcium,8.0,8.0,mg/dL,mg/dL,321 +142941367,869526,713,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,744 +142563276,869526,2176,1,magnesium,1.7,1.7,mg/dL,mg/dL,2202 +179371644,869526,2176,3,Hct,31.7,31.7,%,%,2185 +141817305,869526,22,1,bicarbonate,21.0,21,mmol/L,mmol/L,47 +142941368,869526,713,1,potassium,4.6,4.6,mmol/L,mmol/L,744 +167570931,869526,713,3,PTT,,>200,sec,second(s),754 +159769678,869526,-225,1,glucose,230.0,230,mg/dL,mg/dL,-198 +220978272,869526,-218,7,Temperature,37.0,37.0,°C,C.,-213 +142941369,869526,713,1,creatinine,1.06,1.06,mg/dL,mg/dL,744 +164967434,869526,713,1,phosphate,2.5,2.5,mg/dL,mg/dL,744 +179371645,869526,2176,3,MCV,88.0,88,fL,fL,2185 +165240881,869526,1075,1,magnesium,1.9,1.9,mg/dL,mg/dL,1103 +142941380,869526,713,1,chloride,113.0,113,mmol/L,mmol/L,744 +147203475,869526,255,1,anion gap,7.0,7,,,321 +159769672,869526,-225,1,sodium,137.0,137,mmol/L,mmol/L,-198 +227112801,869526,6,7,pH,7.34,7.340,,unit(s),9 +142941370,869526,713,1,alkaline phos.,103.0,103,Units/L,IU/L,746 +141817300,869526,22,1,alkaline phos.,126.0,126,Units/L,IU/L,48 +176332967,869526,1462,3,PTT,92.0,92,sec,second(s),1479 +227112800,869526,6,7,paCO2,31.0,31.0,mm Hg,mmHg,9 +142941381,869526,713,1,BUN,12.0,12,mg/dL,mg/dL,744 +220978273,869526,-218,7,Base Excess,-21.7,-21.7,mEq/L,,-213 +179835065,869526,1806,3,PTT,72.0,72,sec,second(s),1823 +227112799,869526,6,7,paO2,86.0,86.0,mm Hg,mmHg,9 +142941376,869526,713,1,total protein,6.3,6.3,g/dL,g/dL,744 +147203473,869526,255,1,potassium,4.3,4.3,mmol/L,mmol/L,321 +171909618,869526,713,3,PT - INR,1.4,1.4,ratio,,733 +227112797,869526,6,7,HCO3,16.2,16.2,mmol/L,mmol/L,9 +189270696,869526,426,4,bedside glucose,123.0,123,mg/dL,mg/dL,426 +141817297,869526,22,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,47 +179371647,869526,2176,3,WBC x 1000,8.0,8.0,K/mcL,K/MM3,2185 +146422893,869526,1075,1,BUN,11.0,11,mg/dL,mg/dL,1103 +152223082,869526,22,1,lactate,5.4,5.4,mmol/L,mmol/L,49 +220978265,869526,-218,7,FiO2,100.0,100,%,,-213 +171909617,869526,713,3,PT,16.9,16.9,sec,second(s),733 +146422889,869526,1075,1,bicarbonate,23.0,23,mmol/L,mmol/L,1103 +149291369,869526,255,1,phosphate,2.2,2.2,mg/dL,mg/dL,321 +147203474,869526,255,1,creatinine,1.1,1.10,mg/dL,mg/dL,321 +142941374,869526,713,1,albumin,2.9,2.9,g/dL,g/dL,744 +146422890,869526,1075,1,calcium,7.9,7.9,mg/dL,mg/dL,1103 +191697496,869526,873,4,bedside glucose,85.0,85,mg/dL,mg/dL,873 +172462314,869526,-225,3,RBC,4.97,4.97,M/mcL,M/MM3,-218 +150638681,869526,255,1,troponin - I,12.1,12.10,ng/mL,ng/mL,327 +141817301,869526,22,1,anion gap,12.0,12,,,47 +170729607,869526,2176,3,PT - INR,1.2,1.2,ratio,,2194 +172462320,869526,-225,3,MCH,30.0,30.0,pg,pg,-218 +152338086,869526,255,1,magnesium,1.5,1.5,mg/dL,mg/dL,321 +146422888,869526,1075,1,sodium,139.0,139,mmol/L,mmol/L,1103 +142941375,869526,713,1,bicarbonate,23.0,23,mmol/L,mmol/L,744 +172462319,869526,-225,3,RDW,14.4,14.4,%,%,-218 +158990202,869526,2176,1,potassium,4.1,4.1,mmol/L,mmol/L,2202 +220978266,869526,-218,7,paO2,301.0,301.0,mm Hg,mmHg,-213 +159527433,869526,713,1,total cholesterol,132.0,132,mg/dL,mg/dL,1030 +172462321,869526,-225,3,MCHC,32.0,32.0,g/dL,g/dL,-218 +158990203,869526,2176,1,creatinine,1.06,1.06,mg/dL,mg/dL,2202 +146422886,869526,1075,1,creatinine,0.99,0.99,mg/dL,mg/dL,1103 +142941373,869526,713,1,sodium,143.0,143,mmol/L,mmol/L,744 +172462315,869526,-225,3,Hct,46.5,46.5,%,%,-218 +158990211,869526,2176,1,calcium,7.8,7.8,mg/dL,mg/dL,2202 +147203476,869526,255,1,sodium,142.0,142,mmol/L,mmol/L,321 +151049574,869526,-217,1,creatinine,1.7,1.7,mg/dL,mg/dL,-217 +172462322,869526,-225,3,platelets x 1000,108.0,108,K/mcL,K/MM3,-218 +158990212,869526,2176,1,ALT (SGPT),209.0,209,Units/L,IU/L,2202 +146422887,869526,1075,1,anion gap,6.0,6,,,1103 +142941377,869526,713,1,calcium,8.3,8.3,mg/dL,mg/dL,744 +172462316,869526,-225,3,MCV,94.0,94,fL,fL,-218 +158990201,869526,2176,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,2203 +141817298,869526,22,1,potassium,3.9,3.9,mmol/L,mmol/L,47 +159527434,869526,713,1,HDL,36.0,36,mg/dL,mg/dL,1155 +172462313,869526,-225,3,MPV,10.1,10.1,fL,fL,-218 +158990214,869526,2176,1,chloride,112.0,112,mmol/L,mmol/L,2202 +146422891,869526,1075,1,glucose,169.0,169,mg/dL,mg/dL,1103 +142941379,869526,713,1,glucose,98.0,98,mg/dL,mg/dL,744 +172462317,869526,-225,3,Hgb,14.9,14.9,g/dL,g/dL,-218 +158990213,869526,2176,1,glucose,90.0,90,mg/dL,mg/dL,2202 +220978264,869526,-218,7,HCO3,7.6,07.6,mmol/L,mmol/L,-213 +170729606,869526,2176,3,PT,15.2,15.2,sec,second(s),2194 +172050581,869526,-225,3,PT,15.5,15.5,sec,second(s),-109 +158990204,869526,2176,1,alkaline phos.,91.0,91,Units/L,IU/L,2203 +146422892,869526,1075,1,chloride,110.0,110,mmol/L,mmol/L,1103 +142941372,869526,713,1,AST (SGOT),322.0,322,Units/L,IU/L,744 +156101960,869526,713,1,CPK,330.0,330,Units/L,IU/L,746 +158990215,869526,2176,1,BUN,10.0,10,mg/dL,mg/dL,2202 +172565603,869526,2495,3,PTT,100.0,100,sec,second(s),2521 +159240262,869526,713,1,magnesium,1.6,1.6,mg/dL,mg/dL,744 +172462318,869526,-225,3,WBC x 1000,9.1,9.1,K/mcL,K/MM3,-218 +158990206,869526,2176,1,AST (SGOT),112.0,112,Units/L,IU/L,2202 +165674383,869526,-225,2,Acetaminophen,,<2,mcg/mL,ug/mL,-189 +142941378,869526,713,1,ALT (SGPT),340.0,340,Units/L,IU/L,744 +190815185,869526,-248,4,bedside glucose,160.0,160,mg/dL,mg/dL,-248 +158990209,869526,2176,1,bicarbonate,24.0,24,mmol/L,mmol/L,2202 +141817299,869526,22,1,creatinine,1.02,1.02,mg/dL,mg/dL,47 +154625959,869526,-225,1,magnesium,2.6,2.6,mg/dL,mg/dL,-198 +172050582,869526,-225,3,PT - INR,1.2,1.2,ratio,,-109 +158990208,869526,2176,1,albumin,2.6,2.6,g/dL,g/dL,2202 +146422885,869526,1075,1,potassium,4.1,4.1,mmol/L,mmol/L,1103 +142941371,869526,713,1,anion gap,7.0,7,,,744 +148437674,869526,713,1,lipase,153.0,153,Units/L,IU/L,744 +158990205,869526,2176,1,anion gap,7.0,7,,,2202 +189803550,869526,-225,4,serum osmolality,342.0,342,mOsm/kg H2O,mOsm/kg,-162 +168332386,869526,1075,3,PTT,107.0,107,sec,second(s),1098 +147477311,869526,713,1,direct bilirubin,,<0.1,mg/dL,mg/dL,744 +158990207,869526,2176,1,sodium,143.0,143,mmol/L,mmol/L,2202 +220778622,869526,22,7,FiO2,28.0,28,%,,22 +165982709,869526,380,3,PTT,33.0,33,sec,second(s),398 +165674384,869526,-225,2,ethanol,145.0,145,mg/dL,mg/dL,-198 +158990210,869526,2176,1,total protein,5.9,5.9,g/dL,g/dL,2202 +163504386,869526,380,1,lactate,2.2,2.2,mmol/L,mmol/L,406 +159527432,869526,713,1,triglycerides,107.0,107,mg/dL,mg/dL,1030 +148227580,869526,2495,1,magnesium,2.1,2.1,mg/dL,mg/dL,2522 +188111507,869526,130,4,bedside glucose,63.0,63,mg/dL,mg/dL,130 +141817306,869526,22,1,total protein,7.4,7.4,g/dL,g/dL,47 +187955155,869526,2,4,bedside glucose,70.0,70,mg/dL,mg/dL,2 +158106116,869526,2176,1,CPK,155.0,155,Units/L,IU/L,2203 +188011026,869526,255,4,TSH,0.26,0.26,mcU/ml,mIU/L,326 +142226499,869526,1806,1,anion gap,4.0,4,,,1829 +150435757,869526,-225,1,troponin - I,0.17,0.17,ng/mL,ng/mL,-198 +142226500,869526,1806,1,sodium,143.0,143,mmol/L,mmol/L,1829 +168850341,869526,380,3,PT,15.3,15.3,sec,second(s),398 +142226501,869526,1806,1,bicarbonate,27.0,27,mmol/L,mmol/L,1829 +156774145,869526,713,1,lactate,1.9,1.9,mmol/L,mmol/L,747 +142226497,869526,1806,1,potassium,4.0,4.0,mmol/L,mmol/L,1829 +168850342,869526,380,3,PT - INR,1.2,1.2,ratio,,398 +142226504,869526,1806,1,chloride,112.0,112,mmol/L,mmol/L,1829 +175513244,869526,713,3,WBC x 1000,9.5,9.5,K/mcL,K/MM3,755 +142226505,869526,1806,1,BUN,11.0,11,mg/dL,mg/dL,1829 +175513243,869526,713,3,Hgb,11.7,11.7,g/dL,g/dL,755 +142226502,869526,1806,1,calcium,8.1,8.1,mg/dL,mg/dL,1829 +175513246,869526,713,3,MCH,29.1,29.1,pg,pg,755 +142226498,869526,1806,1,creatinine,1.01,1.01,mg/dL,mg/dL,1829 +175513242,869526,713,3,MCV,89.0,89,fL,fL,755 +157476521,869526,-170,1,lactate,11.5,11.5,mmol/L,mmol/L,-131 +175513245,869526,713,3,RDW,14.6,14.6,%,%,755 +142226503,869526,1806,1,glucose,98.0,98,mg/dL,mg/dL,1829 +175513241,869526,713,3,Hct,35.7,35.7,%,%,755 +222016937,869526,6,7,O2 Sat (%),97.0,97.0,%,,9 +175513247,869526,713,3,MCHC,32.8,32.8,g/dL,g/dL,755 +222016939,869526,6,7,Base Excess,-8.2,-8.2,mEq/L,,9 +175513239,869526,713,3,MPV,10.8,10.8,fL,fL,755 +222016938,869526,6,7,Temperature,98.6,98.6,°C,C.,9 +175513240,869526,713,3,RBC,4.02,4.02,M/mcL,M/MM3,755 +157802516,869526,713,1,troponin - I,6.64,6.64,ng/mL,ng/mL,748 +175513248,869526,713,3,platelets x 1000,149.0,149,K/mcL,K/MM3,755 +140797756,869526,1806,1,magnesium,1.8,1.8,mg/dL,mg/dL,1829 +182987224,869526,2176,3,PTT,68.0,68,sec,second(s),2195 +609990475,2580992,587,3,MPV,9.6,9.6,fL,fl,274 +609990476,2580992,587,3,-lymphs,11.9,11.9,%,%,274 +618770729,2580992,-71,7,paO2,72.6,72.6,mm Hg,mmHg,-59 +609990477,2580992,587,3,RBC,5.1,5.10,M/mcL,M/mm3,274 +618770734,2580992,-71,7,O2 Sat (%),94.2,94.2,%,%,-59 +609929152,2580992,3444,3,-basos,0.4,0.4,%,%,3154 +618770727,2580992,-71,7,FiO2,10000.0,100.0,%,%,-59 +609990478,2580992,587,3,-basos,0.5,0.5,%,%,274 +618770726,2580992,-71,7,Total CO2,18.4,18.4,,,-59 +609929151,2580992,3444,3,-eos,4.4,4.4,%,%,3154 +618772491,2580992,114,7,Base Excess,-3.6,-3.6,mEq/L,,122 +609639446,2580992,2082,3,MCV,79.0,79,fL,fl,1714 +609990483,2580992,587,3,WBC x 1000,17.5,17.5,K/mcL,K/mm3,274 +609639447,2580992,2082,3,Hgb,10.5,10.5,g/dL,g/dl,1714 +618770728,2580992,-71,7,LPM O2,15.0,15.0,L/min,,-59 +609639448,2580992,2082,3,WBC x 1000,17.7,17.7,K/mcL,K/mm3,1714 +609990479,2580992,587,3,Hct,39.2,39.2,%,%,274 +609639443,2580992,2082,3,-basos,0.4,0.4,%,%,1714 +618772484,2580992,114,7,FiO2,10000.0,100.0,%,%,122 +609639444,2580992,2082,3,Hct,34.6,34.6,%,%,1714 +604130555,2580992,-66,1,chloride,103.0,103,mmol/L,mmol/L,-67 +609639440,2580992,2082,3,MPV,9.8,9.8,fL,fl,1714 +609990481,2580992,587,3,MCV,77.0,77,fL,fl,274 +609639442,2580992,2082,3,RBC,4.37,4.37,M/mcL,M/mm3,1714 +604130556,2580992,-66,1,CPK-MB,13.1,13.10,ng/mL,ng/mL,9 +618784914,2580992,241,7,paCO2,35.6,35.6,mm Hg,mmHg,247 +618772490,2580992,114,7,O2 Sat (%),92.6,92.6,%,%,122 +609639450,2580992,2082,3,-monos,6.2,6.2,%,%,1714 +604130557,2580992,-66,1,BUN,18.0,18,mg/dL,mg/dL,-67 +618784915,2580992,241,7,pH,7.42,7.42,,,247 +609990480,2580992,587,3,-eos,0.9,0.9,%,%,274 +609639451,2580992,2082,3,MCHC,30.0,30,g/dL,g/dl,1714 +604124521,2580992,-66,1,magnesium,2.2,2.2,mg/dL,mg/dL,40 +618784912,2580992,241,7,FiO2,7000.0,70.0,%,%,247 +618770736,2580992,-71,7,Base Excess,-6.6,-6.6,mEq/L,,-59 +609639452,2580992,2082,3,platelets x 1000,273.0,273,K/mcL,K/mm3,1714 +604124522,2580992,-66,1,albumin,4.4,4.4,g/dL,gm/dL,-67 +618784918,2580992,241,7,O2 Sat (%),97.0,97.0,%,%,247 +609581528,2580992,587,3,MCHC,31.0,31,g/dL,g/dl,274 +609639441,2580992,2082,3,-lymphs,7.5,7.5,%,%,1714 +604124519,2580992,-66,1,AST (SGOT),95.0,95,Units/L,U/L,-67 +606382953,2580992,3444,3,MCH,24.0,24,pg,pg,3154 +618772485,2580992,114,7,paO2,68.0,68.0,mm Hg,mmHg,122 +618784913,2580992,241,7,paO2,93.5,93.5,mm Hg,mmHg,247 +604124526,2580992,-66,1,lipase,112.0,112,Units/L,U/L,-13 +606382954,2580992,3444,3,MCHC,30.0,30,g/dL,g/dl,3154 +609945464,2580992,-66,3,-basos,0.5,0.5,%,%,-67 +609929150,2580992,3444,3,-monos,7.6,7.6,%,%,3154 +609639445,2580992,2082,3,-eos,1.7,1.7,%,%,1714 +609945465,2580992,-66,3,Hct,43.0,43.0,%,%,-67 +604124528,2580992,-66,1,glucose,184.0,184,mg/dL,mg/dL,-67 +606382955,2580992,3444,3,platelets x 1000,281.0,281,K/mcL,K/mm3,3154 +609945463,2580992,-66,3,RBC,5.51,5.51,M/mcL,M/mm3,-67 +618772486,2580992,114,7,paCO2,45.5,45.5,mm Hg,mmHg,122 +618784919,2580992,241,7,Base Excess,-1.4,-1.4,mEq/L,,247 +609945461,2580992,-66,3,MPV,9.9,9.9,fL,fl,-67 +604124527,2580992,-66,1,ALT (SGPT),35.0,35,Units/L,U/L,-67 +606382956,2580992,3444,3,MPV,9.7,9.7,fL,fl,3154 +609945462,2580992,-66,3,-lymphs,4.6,4.6,%,%,-67 +609581529,2580992,587,3,platelets x 1000,289.0,289,K/mcL,K/mm3,274 +604167329,2580992,333,1,potassium,3.9,3.9,mmol/L,mmol/L,274 +604165645,2580992,2082,1,potassium,3.5,3.5,mmol/L,mmol/L,1714 +604124517,2580992,-66,1,creatinine,1.17,1.17,mg/dL,mg/dL,-67 +604168166,2580992,587,1,chloride,100.0,100,mmol/L,mmol/L,274 +609945466,2580992,-66,3,-eos,0.1,0.1,%,%,-67 +618772487,2580992,114,7,pH,7.32,7.32,,,122 +604167330,2580992,333,1,creatinine,0.82,0.82,mg/dL,mg/dL,274 +604165649,2580992,2082,1,bicarbonate,29.0,29,mmol/L,mmol/L,1714 +604124525,2580992,-66,1,calcium,9.0,9.0,mg/dL,mg/dL,-67 +606382951,2580992,3444,3,Hct,31.9,31.9,%,%,3154 +609945467,2580992,-66,3,MCV,78.0,78,fL,fl,-67 +609990482,2580992,587,3,Hgb,12.1,12.1,g/dL,g/dl,274 +604167336,2580992,333,1,chloride,102.0,102,mmol/L,mmol/L,274 +604165646,2580992,2082,1,creatinine,0.69,0.69,mg/dL,mg/dL,1714 +604124524,2580992,-66,1,total protein,7.7,7.7,g/dL,gm/dL,-67 +609639449,2580992,2082,3,MCH,24.0,24,pg,pg,1714 +609945471,2580992,-66,3,-monos,5.5,5.5,%,%,-67 +618770730,2580992,-71,7,paCO2,31.3,31.3,mm Hg,mmHg,-59 +604167335,2580992,333,1,glucose,150.0,150,mg/dL,mg/dL,274 +604165647,2580992,2082,1,sodium,137.0,137,mmol/L,mmol/L,1714 +604124516,2580992,-66,1,potassium,4.6,4.6,mmol/L,mmol/L,-67 +606382952,2580992,3444,3,MCV,80.0,80,fL,fl,3154 +609945472,2580992,-66,3,MCHC,31.0,31,g/dL,g/dl,-67 +609581527,2580992,587,3,-monos,5.6,5.6,%,%,274 +604167331,2580992,333,1,sodium,138.0,138,mmol/L,mmol/L,274 +604165651,2580992,2082,1,glucose,96.0,96,mg/dL,mg/dL,1714 +604124518,2580992,-66,1,alkaline phos.,85.0,85,Units/L,U/L,-67 +604168165,2580992,587,1,glucose,116.0,116,mg/dL,mg/dL,274 +609945470,2580992,-66,3,MCH,24.0,24,pg,pg,-67 +618770731,2580992,-71,7,pH,7.37,7.37,,,-59 +604167338,2580992,333,1,BUN,16.0,16,mg/dL,mg/dL,274 +604165652,2580992,2082,1,chloride,100.0,100,mmol/L,mmol/L,1714 +604124523,2580992,-66,1,bicarbonate,23.0,23,mmol/L,mmol/L,-67 +606382948,2580992,3444,3,WBC x 1000,14.7,14.7,K/mcL,K/mm3,3154 +609945468,2580992,-66,3,Hgb,13.1,13.1,g/dL,g/dl,-67 +609929149,2580992,3444,3,-lymphs,12.3,12.3,%,%,3154 +604167332,2580992,333,1,magnesium,2.1,2.1,mg/dL,mg/dL,382 +604165648,2580992,2082,1,magnesium,1.9,1.9,mg/dL,mg/dL,2113 +604124515,2580992,-66,1,total bilirubin,1.3,1.3,mg/dL,mg/dL,-67 +611414766,2580992,-32,4,urinary specific gravity,1.02,1.020,,,-67 +609945469,2580992,-66,3,WBC x 1000,22.4,22.4,K/mcL,K/mm3,-67 +618770735,2580992,-71,7,Temperature,37.0,37.0,°C,C,-59 +604167333,2580992,333,1,bicarbonate,26.0,26,mmol/L,mmol/L,274 +604165653,2580992,2082,1,BUN,7.0,7,mg/dL,mg/dL,1714 +611541051,2580992,185,4,bedside glucose,156.0,156,mg/dL,mg/dL,311 +606382949,2580992,3444,3,RBC,4.01,4.01,M/mcL,M/mm3,3154 +609953176,2580992,-66,3,platelets x 1000,350.0,350,K/mcL,K/mm3,-67 +604124520,2580992,-66,1,sodium,141.0,141,mmol/L,mmol/L,-67 +604167337,2580992,333,1,CPK-MB,9.15,9.15,ng/mL,ng/mL,404 +604165650,2580992,2082,1,calcium,8.4,8.4,mg/dL,mg/dL,1714 +609581526,2580992,587,3,MCH,24.0,24,pg,pg,274 +604168167,2580992,587,1,BUN,14.0,14,mg/dL,mg/dL,274 +603634753,2580992,587,1,calcium,8.3,8.3,mg/dL,mg/dL,274 +604167334,2580992,333,1,calcium,8.2,8.2,mg/dL,mg/dL,274 +603634750,2580992,587,1,albumin,3.3,3.3,g/dL,gm/dL,274 +606382950,2580992,3444,3,Hgb,9.6,9.6,g/dL,g/dl,3154 +603634748,2580992,587,1,sodium,139.0,139,mmol/L,mmol/L,274 +604168926,2580992,1382,1,bicarbonate,32.0,32,mmol/L,mmol/L,925 +600282201,2580992,3444,1,sodium,136.0,136,mmol/L,mmol/L,3154 +607464922,2580992,-66,3,PT - INR,1.1,1.1,ratio,,-67 +603634747,2580992,587,1,AST (SGOT),61.0,61,Units/L,U/L,274 +604168925,2580992,1382,1,magnesium,2.0,2.0,mg/dL,mg/dL,1399 +600282202,2580992,3444,1,potassium,3.7,3.7,mmol/L,mmol/L,3154 +607464921,2580992,-66,3,PT,11.9,11.9,sec,SECONDS,-67 +603634749,2580992,587,1,magnesium,2.0,2.0,mg/dL,mg/dL,613 +604168922,2580992,1382,1,potassium,3.4,3.4,mmol/L,mmol/L,925 +600282199,2580992,3444,1,BUN,6.0,6,mg/dL,mg/dL,3154 +607464923,2580992,-66,3,PTT,30.0,30.0,sec,SECONDS,3 +603634751,2580992,587,1,bicarbonate,31.0,31,mmol/L,mmol/L,274 +604168923,2580992,1382,1,creatinine,0.79,0.79,mg/dL,mg/dL,925 +600282200,2580992,3444,1,creatinine,0.65,0.65,mg/dL,mg/dL,3154 +618785216,2580992,594,7,FiO2,4000.0,40.0,%,%,602 +603634746,2580992,587,1,alkaline phos.,57.0,57,Units/L,U/L,274 +604168930,2580992,1382,1,BUN,9.0,9,mg/dL,mg/dL,925 +600282204,2580992,3444,1,bicarbonate,29.0,29,mmol/L,mmol/L,3154 +618785222,2580992,594,7,O2 Sat (%),96.0,96.0,%,%,602 +603634743,2580992,587,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,274 +604168929,2580992,1382,1,chloride,99.0,99,mmol/L,mmol/L,925 +600282206,2580992,3444,1,magnesium,1.9,1.9,mg/dL,mg/dL,3480 +618785219,2580992,594,7,pH,7.48,7.48,,,602 +603634752,2580992,587,1,total protein,6.2,6.2,g/dL,gm/dL,274 +604168927,2580992,1382,1,calcium,8.1,8.1,mg/dL,mg/dL,925 +600282198,2580992,3444,1,glucose,87.0,87,mg/dL,mg/dL,3154 +618785217,2580992,594,7,paO2,77.7,77.7,mm Hg,mmHg,602 +603634754,2580992,587,1,ALT (SGPT),34.0,34,Units/L,U/L,274 +604168928,2580992,1382,1,glucose,95.0,95,mg/dL,mg/dL,925 +600282205,2580992,3444,1,calcium,8.4,8.4,mg/dL,mg/dL,3154 +618785223,2580992,594,7,Base Excess,1.5,1.5,mEq/L,,602 +603634744,2580992,587,1,potassium,3.5,3.5,mmol/L,mmol/L,274 +604168924,2580992,1382,1,sodium,137.0,137,mmol/L,mmol/L,925 +600282203,2580992,3444,1,chloride,99.0,99,mmol/L,mmol/L,3154 +618785218,2580992,594,7,paCO2,33.7,33.7,mm Hg,mmHg,602 +603634745,2580992,587,1,creatinine,0.81,0.81,mg/dL,mg/dL,274 +774211202,3152779,485,1,BUN,14.0,14,mg/dL,MG/DL,506 +774007648,3152779,1875,1,creatinine,0.63,0.63,mg/dL,MG/DL,1907 +774211200,3152779,485,1,glucose,143.0,143,mg/dL,MG/DL,506 +774007647,3152779,1875,1,potassium,3.7,3.7,mmol/L,mmol/L,1907 +774211198,3152779,485,1,bicarbonate,26.0,26,mmol/L,mmol/L,506 +774007649,3152779,1875,1,anion gap,2.0,2,,mmol/L,1907 +774211199,3152779,485,1,calcium,7.7,7.7,mg/dL,MG/DL,506 +774007655,3152779,1875,1,BUN,15.0,15,mg/dL,MG/DL,1907 +773502711,3152779,235,1,sodium,138.0,138,mmol/L,mmol/L,265 +774211196,3152779,485,1,anion gap,3.0,3,,mmol/L,506 +773502708,3152779,235,1,potassium,4.2,4.2,mmol/L,mmol/L,265 +774007654,3152779,1875,1,chloride,107.0,107,mmol/L,mmol/L,1907 +773502709,3152779,235,1,creatinine,0.87,0.87,mg/dL,MG/DL,265 +774211195,3152779,485,1,creatinine,0.77,0.77,mg/dL,MG/DL,506 +773502710,3152779,235,1,anion gap,4.0,4,,mmol/L,265 +774007652,3152779,1875,1,calcium,7.7,7.7,mg/dL,MG/DL,1907 +773502712,3152779,235,1,bicarbonate,27.0,27,mmol/L,mmol/L,265 +774211201,3152779,485,1,chloride,109.0,109,mmol/L,mmol/L,506 +773502714,3152779,235,1,glucose,169.0,169,mg/dL,MG/DL,265 +774007653,3152779,1875,1,glucose,78.0,78,mg/dL,MG/DL,1907 +773502715,3152779,235,1,chloride,107.0,107,mmol/L,mmol/L,265 +775310178,3152779,4904,3,RBC,3.06,3.06,M/mcL,MIL/CMM,4916 +773502716,3152779,235,1,BUN,15.0,15,mg/dL,MG/DL,265 +774211194,3152779,485,1,potassium,4.1,4.1,mmol/L,mmol/L,506 +777701262,3152779,15,7,pH,7.49,7.49,,,21 +775310179,3152779,4904,3,Hgb,9.0,9.0,g/dL,GM/DL,4916 +773946177,3152779,235,1,magnesium,2.1,2.1,mg/dL,MG/DL,265 +774007650,3152779,1875,1,sodium,137.0,137,mmol/L,mmol/L,1907 +777701258,3152779,15,7,HCO3,29.0,29,mmol/L,MEQ/L,21 +775310180,3152779,4904,3,Hct,27.3,27.3,%,%,4916 +773502713,3152779,235,1,calcium,7.6,7.6,mg/dL,MG/DL,265 +774211197,3152779,485,1,sodium,138.0,138,mmol/L,mmol/L,506 +777701259,3152779,15,7,FiO2,40.0,40,%,,21 +775310182,3152779,4904,3,MCH,29.5,29.5,pg,PG,4916 +776316923,3152779,3467,3,RDW,15.0,15.0,%,%,3490 +775336252,3152779,235,3,RBC,3.09,3.09,M/mcL,MIL/CMM,259 +776066459,3152779,485,3,platelets x 1000,74.0,74,K/mcL,K/CMM,501 +774007651,3152779,1875,1,bicarbonate,28.0,28,mmol/L,mmol/L,1907 +776316922,3152779,3467,3,MCHC,34.0,34.0,g/dL,GM/DL,3490 +777701260,3152779,15,7,paO2,161.0,161,mm Hg,MMHG,21 +776066456,3152779,485,3,RDW,14.1,14.1,%,%,501 +775310181,3152779,4904,3,MCV,89.0,89,fL,U3,4916 +776316924,3152779,3467,3,platelets x 1000,54.0,54,K/mcL,K/CMM,3490 +775336260,3152779,235,3,platelets x 1000,73.0,73,K/mcL,K/CMM,259 +776066453,3152779,485,3,MCV,89.0,89,fL,U3,501 +777146359,3152779,1949,4,bedside glucose,116.0,116,mg/dL,mg/dL,1949 +776316918,3152779,3467,3,Hgb,10.1,10.1,g/dL,GM/DL,3490 +777701261,3152779,15,7,paCO2,38.0,38,mm Hg,MMHG,21 +776066455,3152779,485,3,WBC x 1000,8.0,8.0,K/mcL,K/CMM,501 +775310183,3152779,4904,3,MCHC,33.1,33.1,g/dL,GM/DL,4916 +776316917,3152779,3467,3,RBC,3.35,3.35,M/mcL,MIL/CMM,3490 +775336254,3152779,235,3,MCV,89.0,89,fL,U3,259 +776066454,3152779,485,3,Hgb,8.6,8.6,g/dL,GM/DL,501 +777214977,3152779,-524,4,urinary specific gravity,1.024,1.024,,,-515 +776946253,3152779,368,4,bedside glucose,92.0,92,mg/dL,mg/dL,368 +777701263,3152779,15,7,Base Excess,5.0,5,mEq/L,MEQ/L,21 +776316919,3152779,3467,3,Hct,29.7,29.7,%,%,3490 +775310184,3152779,4904,3,RDW,14.9,14.9,%,%,4916 +776312865,3152779,5,3,PT,14.7,14.7,sec,SECONDS,38 +775336251,3152779,235,3,MPV,8.4,8.4,fL,fl,259 +776066457,3152779,485,3,MCH,29.3,29.3,pg,PG,501 +777440810,3152779,550,7,pH,7.38,7.38,,,553 +776312866,3152779,5,3,PT - INR,1.4,1.4,ratio,,38 +776694976,3152779,5,3,PTT,31.0,31,sec,SECONDS,38 +776316916,3152779,3467,3,WBC x 1000,6.0,6.0,K/mcL,K/CMM,3490 +775310177,3152779,4904,3,WBC x 1000,5.2,5.2,K/mcL,K/CMM,4916 +773310044,3152779,5,1,anion gap,3.0,3,,mmol/L,35 +775336257,3152779,235,3,RDW,14.0,14.0,%,%,259 +776066452,3152779,485,3,Hct,26.0,26.0,%,%,501 +777440808,3152779,550,7,paO2,185.0,185,mm Hg,MMHG,553 +773310043,3152779,5,1,creatinine,0.74,0.74,mg/dL,MG/DL,35 +773314351,3152779,3467,1,chloride,103.0,103,mmol/L,mmol/L,3507 +776316920,3152779,3467,3,MCV,89.0,89,fL,U3,3490 +775310186,3152779,4904,3,MPV,8.8,8.8,fL,fl,4916 +773310048,3152779,5,1,glucose,91.0,91,mg/dL,MG/DL,35 +777341801,3152779,1535,4,bedside glucose,248.0,248,mg/dL,mg/dL,1535 +776066451,3152779,485,3,RBC,2.92,2.92,M/mcL,MIL/CMM,501 +777440806,3152779,550,7,HCO3,28.0,28,mmol/L,MEQ/L,553 +773310049,3152779,5,1,chloride,105.0,105,mmol/L,mmol/L,35 +773314354,3152779,3467,1,BUN,16.0,16,mg/dL,MG/DL,3507 +776316925,3152779,3467,3,MPV,9.4,9.4,fL,fl,3490 +777074903,3152779,1235,4,bedside glucose,151.0,151,mg/dL,mg/dL,1235 +773310050,3152779,5,1,BUN,15.0,15,mg/dL,MG/DL,35 +775336258,3152779,235,3,MCH,29.7,29.7,pg,PG,259 +776066450,3152779,485,3,MPV,8.3,8.3,fL,fl,501 +775310185,3152779,4904,3,platelets x 1000,62.0,62,K/mcL,K/CMM,4916 +773157989,3152779,5,1,magnesium,2.5,2.5,mg/dL,MG/DL,35 +773314355,3152779,3467,1,glucose,181.0,181,mg/dL,MG/DL,3507 +777051454,3152779,-567,4,bedside glucose,234.0,234,mg/dL,mg/dL,-567 +777227489,3152779,4129,4,bedside glucose,70.0,70,mg/dL,mg/dL,4129 +773310047,3152779,5,1,calcium,7.8,7.8,mg/dL,MG/DL,35 +777111471,3152779,2955,4,bedside glucose,255.0,255,mg/dL,mg/dL,2955 +776316921,3152779,3467,3,MCH,30.2,30.2,pg,PG,3490 +777276982,3152779,550,4,bedside glucose,107.0,107,mg/dL,mg/dL,550 +773310042,3152779,5,1,potassium,3.2,3.2,mmol/L,mmol/L,35 +773066511,3152779,485,1,magnesium,2.5,2.5,mg/dL,MG/DL,506 +775157896,3152779,5,3,MPV,9.0,9.0,fL,fl,52 +776066458,3152779,485,3,MCHC,33.0,33.0,g/dL,GM/DL,501 +777078089,3152779,-661,4,bedside glucose,295.0,295,mg/dL,mg/dL,-661 +775157903,3152779,5,3,MCH,29.6,29.6,pg,PG,52 +773310046,3152779,5,1,bicarbonate,29.0,29,mmol/L,mmol/L,35 +775336256,3152779,235,3,WBC x 1000,7.7,7.7,K/mcL,K/CMM,259 +775157902,3152779,5,3,RDW,14.1,14.1,%,%,52 +776860044,3152779,3184,4,bedside glucose,199.0,199,mg/dL,mg/dL,3184 +777326436,3152779,771,4,bedside glucose,103.0,103,mg/dL,mg/dL,771 +775157904,3152779,5,3,MCHC,33.7,33.7,g/dL,GM/DL,52 +776998016,3152779,1358,4,bedside glucose,124.0,124,mg/dL,mg/dL,1358 +773314349,3152779,3467,1,sodium,133.0,133,mmol/L,mmol/L,3507 +775157897,3152779,5,3,RBC,3.14,3.14,M/mcL,MIL/CMM,52 +777347656,3152779,439,4,bedside glucose,131.0,131,mg/dL,mg/dL,439 +777293642,3152779,3549,4,bedside glucose,189.0,189,mg/dL,mg/dL,3549 +775157898,3152779,5,3,Hct,27.6,27.6,%,%,52 +776885001,3152779,2707,4,bedside glucose,292.0,292,mg/dL,mg/dL,2707 +776930972,3152779,4358,4,bedside glucose,206.0,206,mg/dL,mg/dL,4358 +775157899,3152779,5,3,MCV,88.0,88,fL,U3,52 +773310045,3152779,5,1,sodium,137.0,137,mmol/L,mmol/L,35 +777440809,3152779,550,7,paCO2,48.0,48,mm Hg,MMHG,553 +775157905,3152779,5,3,platelets x 1000,61.0,61,K/mcL,K/CMM,52 +777086082,3152779,1716,4,bedside glucose,172.0,172,mg/dL,mg/dL,1716 +773314356,3152779,3467,1,creatinine,0.72,0.72,mg/dL,MG/DL,3507 +775157901,3152779,5,3,WBC x 1000,6.1,6.1,K/mcL,K/CMM,52 +777334636,3152779,1879,4,bedside glucose,79.0,79,mg/dL,mg/dL,1879 +777067555,3152779,2159,4,bedside glucose,266.0,266,mg/dL,mg/dL,2159 +775157900,3152779,5,3,Hgb,9.3,9.3,g/dL,GM/DL,52 +777339751,3152779,315,4,bedside glucose,111.0,111,mg/dL,mg/dL,315 +775336255,3152779,235,3,Hgb,9.2,9.2,g/dL,GM/DL,259 +776387962,3152779,1875,3,platelets x 1000,45.0,45,K/mcL,K/CMM,1894 +773089185,3152779,1875,1,magnesium,2.2,2.2,mg/dL,MG/DL,1907 +776387955,3152779,1875,3,Hct,21.7,21.7,%,%,1894 +773314357,3152779,3467,1,calcium,7.8,7.8,mg/dL,MG/DL,3507 +776387956,3152779,1875,3,MCV,89.0,89,fL,U3,1894 +777185255,3152779,612,4,bedside glucose,86.0,86,mg/dL,mg/dL,612 +776387954,3152779,1875,3,RBC,2.44,2.44,M/mcL,MIL/CMM,1894 +777344610,3152779,54,4,bedside glucose,93.0,93,mg/dL,mg/dL,54 +776387958,3152779,1875,3,WBC x 1000,4.7,4.7,K/mcL,K/CMM,1894 +777179952,3152779,486,4,bedside glucose,139.0,139,mg/dL,mg/dL,486 +776387961,3152779,1875,3,MCHC,32.7,32.7,g/dL,GM/DL,1894 +773314353,3152779,3467,1,anion gap,1.0,1,,mmol/L,3507 +776387957,3152779,1875,3,Hgb,7.1,7.1,g/dL,GM/DL,1894 +777040094,3152779,669,4,bedside glucose,127.0,127,mg/dL,mg/dL,669 +776387953,3152779,1875,3,MPV,8.5,8.5,fL,fl,1894 +775336253,3152779,235,3,Hct,27.6,27.6,%,%,259 +776387960,3152779,1875,3,MCH,29.2,29.2,pg,PG,1894 +777037093,3152779,2254,4,bedside glucose,334.0,334,mg/dL,mg/dL,2254 +776387959,3152779,1875,3,RDW,14.7,14.7,%,%,1894 +773314352,3152779,3467,1,bicarbonate,29.0,29,mmol/L,mmol/L,3507 +776989256,3152779,195,4,bedside glucose,177.0,177,mg/dL,mg/dL,195 +777255507,3152779,4957,4,bedside glucose,199.0,199,mg/dL,mg/dL,4957 +777150479,3152779,1636,4,bedside glucose,210.0,210,mg/dL,mg/dL,1636 +777112146,3152779,6,4,bedside glucose,100.0,100,mg/dL,mg/dL,6 +776870523,3152779,237,4,bedside glucose,161.0,161,mg/dL,mg/dL,237 +777003628,3152779,1075,4,bedside glucose,93.0,93,mg/dL,mg/dL,1075 +777029117,3152779,128,4,bedside glucose,124.0,124,mg/dL,mg/dL,128 +777440807,3152779,550,7,FiO2,40.0,40,%,,553 +777223968,3152779,3837,4,bedside glucose,186.0,186,mg/dL,mg/dL,3837 +773314350,3152779,3467,1,potassium,4.1,4.1,mmol/L,mmol/L,3507 +774877919,3152779,5,3,fibrinogen,155.0,155,mg/dL,MG/DL,38 +777157064,3152779,1008,4,bedside glucose,90.0,90,mg/dL,mg/dL,1008 +777342994,3152779,872,4,bedside glucose,99.0,99,mg/dL,mg/dL,872 +776861034,3152779,2117,4,bedside glucose,284.0,284,mg/dL,mg/dL,2117 +772768265,3152779,3467,1,magnesium,1.9,1.9,mg/dL,MG/DL,3507 +775336259,3152779,235,3,MCHC,33.3,33.3,g/dL,GM/DL,259 +776881724,3152779,2396,4,bedside glucose,250.0,250,mg/dL,mg/dL,2396 +777319451,3152779,5282,4,bedside glucose,209.0,209,mg/dL,mg/dL,5282 +307780064,1290248,3950,3,MCHC,32.4,32.4,g/dL,g/dL,3960 +298794442,1290248,670,1,anion gap,8.0,8.0,,,690 +307780063,1290248,3950,3,MCH,30.8,30.8,pg,pg,3960 +298794446,1290248,670,1,glucose,69.0,69,mg/dL,mg/dL,690 +307780065,1290248,3950,3,platelets x 1000,95.0,95,K/mcL,x10 3/uL,3960 +298794447,1290248,670,1,chloride,100.0,100,mmol/L,mEq/L,690 +307780057,1290248,3950,3,MPV,11.3,11.3,fL,fL,3960 +298794441,1290248,670,1,creatinine,2.7,2.7,mg/dL,mg/dL,690 +307780062,1290248,3950,3,WBC x 1000,4.17,4.17,K/mcL,x10 3/uL,3960 +298794444,1290248,670,1,bicarbonate,27.0,27,mmol/L,mEq/L,690 +307780059,1290248,3950,3,Hct,31.2,31.2,%,%,3960 +298794448,1290248,670,1,BUN,16.1,16.1,mg/dL,mg/dL,690 +307780060,1290248,3950,3,MCV,95.1,95.1,fL,fL,3960 +300326736,1290248,4044,1,CPK,36.0,36,Units/L,U/L,4073 +298794443,1290248,670,1,sodium,135.0,135,mmol/L,mEq/L,690 +300070797,1290248,2545,1,chloride,103.0,103,mmol/L,mEq/L,2583 +307780061,1290248,3950,3,Hgb,10.1,10.1,g/dL,g/dL,3960 +300070798,1290248,2545,1,BUN,25.8,25.8,mg/dL,mg/dL,2583 +298794445,1290248,670,1,calcium,7.8,7.8,mg/dL,mg/dL,690 +300828404,1290248,3950,1,potassium,3.6,3.6,mmol/L,mEq/L,3976 +307780058,1290248,3950,3,RBC,3.28,3.28,M/mcL,x10 6/uL,3960 +309696534,1290248,5597,3,MPV,11.9,11.9,fL,fL,5662 +298794440,1290248,670,1,potassium,3.7,3.7,mmol/L,mEq/L,690 +300070796,1290248,2545,1,glucose,75.0,75,mg/dL,mg/dL,2583 +304933919,1290248,1918,3,MCH,31.1,31.1,pg,pg,1931 +300828406,1290248,3950,1,anion gap,9.0,9.0,,,3976 +305759887,1290248,483,3,MCHC,33.1,33.1,g/dL,g/dL,510 +309696532,1290248,5597,3,MCHC,32.3,32.3,g/dL,g/dL,5662 +304933920,1290248,1918,3,MCHC,32.9,32.9,g/dL,g/dL,1931 +300070795,1290248,2545,1,calcium,8.2,8.2,mg/dL,mg/dL,2583 +305759888,1290248,483,3,platelets x 1000,127.0,127,K/mcL,x10 3/uL,510 +300828407,1290248,3950,1,sodium,135.0,135,mmol/L,mEq/L,3976 +304933921,1290248,1918,3,platelets x 1000,112.0,112,K/mcL,x10 3/uL,1931 +309696531,1290248,5597,3,MCH,30.9,30.9,pg,pg,5662 +305759881,1290248,483,3,RBC,2.48,2.48,M/mcL,x10 6/uL,510 +309263319,1290248,1138,3,platelets x 1000,117.0,117,K/mcL,x10 3/uL,1145 +304933917,1290248,1918,3,Hgb,9.5,9.5,g/dL,g/dL,1931 +300070794,1290248,2545,1,bicarbonate,23.0,23,mmol/L,mEq/L,2583 +305759885,1290248,483,3,WBC x 1000,4.19,4.19,K/mcL,x10 3/uL,510 +309263318,1290248,1138,3,MCHC,32.3,32.3,g/dL,g/dL,1145 +304933918,1290248,1918,3,WBC x 1000,3.9,3.90,K/mcL,x10 3/uL,1931 +300828411,1290248,3950,1,chloride,99.0,99,mmol/L,mEq/L,3976 +305759880,1290248,483,3,MPV,10.3,10.3,fL,fL,510 +308138360,1290248,2545,3,platelets x 1000,116.0,116,K/mcL,x10 3/uL,2566 +304933913,1290248,1918,3,MPV,11.0,11.0,fL,fL,1931 +309696530,1290248,5597,3,MCV,95.8,95.8,fL,fL,5662 +305759886,1290248,483,3,MCH,31.9,31.9,pg,pg,510 +309263315,1290248,1138,3,Hgb,7.1,7.1,g/dL,g/dL,1145 +304933914,1290248,1918,3,RBC,3.05,3.05,M/mcL,x10 6/uL,1931 +300070793,1290248,2545,1,sodium,136.0,136,mmol/L,mEq/L,2583 +305759882,1290248,483,3,Hct,23.9,23.9,%,%,510 +308138355,1290248,2545,3,MCV,95.0,95.0,fL,fL,2566 +304933915,1290248,1918,3,Hct,28.9,28.9,%,%,1931 +300828412,1290248,3950,1,BUN,15.7,15.7,mg/dL,mg/dL,3976 +305759883,1290248,483,3,MCV,96.4,96.4,fL,fL,510 +309263316,1290248,1138,3,WBC x 1000,3.62,3.62,K/mcL,x10 3/uL,1145 +304933916,1290248,1918,3,MCV,94.8,94.8,fL,fL,1931 +309696533,1290248,5597,3,platelets x 1000,98.0,98,K/mcL,x10 3/uL,5662 +305759884,1290248,483,3,Hgb,7.9,7.9,g/dL,g/dL,510 +313195524,1290248,23,4,urinary specific gravity,1.017,1.017,,,73 +308138352,1290248,2545,3,MPV,11.4,11.4,fL,fL,2566 +293896738,1290248,3006,1,potassium,3.1,3.1,mmol/L,mEq/L,3027 +300070790,1290248,2545,1,potassium,4.9,4.9,mmol/L,mEq/L,2583 +293896741,1290248,3006,1,anion gap,7.0,7.0,,,3027 +309263317,1290248,1138,3,MCH,31.6,31.6,pg,pg,1145 +293896748,1290248,3006,1,ALT (SGPT),6.0,6,Units/L,U/L,3027 +300828410,1290248,3950,1,glucose,129.0,129,mg/dL,mg/dL,3976 +293896737,1290248,3006,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,3027 +308138353,1290248,2545,3,RBC,3.38,3.38,M/mcL,x10 6/uL,2566 +293896750,1290248,3006,1,chloride,101.0,101,mmol/L,mEq/L,3027 +309696528,1290248,5597,3,Hgb,10.3,10.3,g/dL,g/dL,5662 +293896749,1290248,3006,1,glucose,96.0,96,mg/dL,mg/dL,3027 +309263311,1290248,1138,3,MPV,10.9,10.9,fL,fL,1145 +301752272,1290248,5597,1,chloride,104.0,104,mmol/L,mEq/L,5674 +300070792,1290248,2545,1,anion gap,10.0,10.0,,,2583 +293896744,1290248,3006,1,albumin,2.5,2.5,g/dL,g/dL,3027 +308138356,1290248,2545,3,Hgb,10.5,10.5,g/dL,g/dL,2566 +301752270,1290248,5597,1,sodium,140.0,140,mmol/L,mEq/L,5674 +300828405,1290248,3950,1,creatinine,3.2,3.2,mg/dL,mg/dL,3976 +293896745,1290248,3006,1,bicarbonate,27.0,27,mmol/L,mEq/L,3027 +309263312,1290248,1138,3,RBC,2.25,2.25,M/mcL,x10 6/uL,1145 +301752268,1290248,5597,1,creatinine,4.0,4.0,mg/dL,mg/dL,5674 +309696529,1290248,5597,3,Hct,31.9,31.9,%,%,5662 +293896746,1290248,3006,1,total protein,4.6,4.6,g/dL,g/dL,3027 +308138354,1290248,2545,3,Hct,32.1,32.1,%,%,2566 +301752266,1290248,5597,1,glucose,93.0,93,mg/dL,mg/dL,5674 +300070791,1290248,2545,1,creatinine,4.3,4.3,mg/dL,mg/dL,2583 +293896743,1290248,3006,1,sodium,135.0,135,mmol/L,mEq/L,3027 +309263313,1290248,1138,3,Hct,22.0,22.0,%,%,1145 +301752271,1290248,5597,1,potassium,3.8,3.8,mmol/L,mEq/L,5674 +300828408,1290248,3950,1,bicarbonate,27.0,27,mmol/L,mEq/L,3976 +293896739,1290248,3006,1,creatinine,1.8,1.8,mg/dL,mg/dL,3027 +308138358,1290248,2545,3,MCH,31.1,31.1,pg,pg,2566 +301752267,1290248,5597,1,BUN,18.8,18.8,mg/dL,mg/dL,5674 +309696526,1290248,5597,3,WBC x 1000,3.51,3.51,K/mcL,x10 3/uL,5662 +293896740,1290248,3006,1,alkaline phos.,57.0,57,Units/L,U/L,3027 +309263314,1290248,1138,3,MCV,97.8,97.8,fL,fL,1145 +301752269,1290248,5597,1,calcium,8.3,8.3,mg/dL,mg/dL,5674 +296150214,1290248,4044,1,troponin - I,0.04,0.04,ng/mL,ng/mL,4080 +293896747,1290248,3006,1,calcium,7.8,7.8,mg/dL,mg/dL,3027 +308138357,1290248,2545,3,WBC x 1000,4.66,4.66,K/mcL,x10 3/uL,2566 +301752273,1290248,5597,1,bicarbonate,28.0,28,mmol/L,mEq/L,5674 +300828409,1290248,3950,1,calcium,7.8,7.8,mg/dL,mg/dL,3976 +293896751,1290248,3006,1,BUN,9.9,9.9,mg/dL,mg/dL,3027 +309969932,1290248,1138,3,Fe,197.0,197,mcg/dL,ug/dL,1537 +301752274,1290248,5597,1,anion gap,8.0,8.0,,,5674 +309696527,1290248,5597,3,RBC,3.33,3.33,M/mcL,x10 6/uL,5662 +293896742,1290248,3006,1,AST (SGOT),19.0,19,Units/L,U/L,3027 +308138359,1290248,2545,3,MCHC,32.7,32.7,g/dL,g/dL,2566 +288014969,1201396,967,3,-lymphs,12.9,12.9,%,%,1002 +288014970,1201396,967,3,RBC,4.46,4.46,M/mcL,mill/cumm,1002 +288014979,1201396,967,3,platelets x 1000,280.0,280,K/mcL,thou/cumm,1002 +288014968,1201396,967,3,MPV,10.5,10.5,fL,fl,1002 +288014974,1201396,967,3,-eos,0.1,0.1,%,%,1002 +288014975,1201396,967,3,Hgb,11.8,11.8,g/dL,g/dL,1002 +288014976,1201396,967,3,WBC x 1000,14.14,14.14,K/mcL,thou/cumm,1002 +277468440,1201396,968,1,bicarbonate,24.0,24,mmol/L,mmol/L,1018 +288014977,1201396,967,3,RDW,15.1,15.1,%,%,1002 +277468444,1201396,968,1,BUN,20.0,20,mg/dL,mg/dL,1018 +288014971,1201396,967,3,-basos,0.1,0.1,%,%,1002 +277468443,1201396,968,1,chloride,98.0,98,mmol/L,mmol/L,1018 +288014972,1201396,967,3,-polys,75.3,75.3,%,%,1002 +277468439,1201396,968,1,sodium,136.0,136,mmol/L,mmol/L,1018 +288014973,1201396,967,3,Hct,37.0,37.0,%,%,1002 +277468442,1201396,968,1,glucose,106.0,106,mg/dL,mg/dL,1018 +275788857,1201396,968,1,magnesium,2.2,2.2,mg/dL,mg/dL,1018 +277468441,1201396,968,1,calcium,8.7,8.7,mg/dL,mg/dL,1018 +288014978,1201396,967,3,-monos,11.5,11.5,%,%,1002 +277468438,1201396,968,1,creatinine,1.22,1.22,mg/dL,mg/dL,1018 +280095262,1201396,968,1,phosphate,3.4,3.4,mg/dL,mg/dL,1018 +291656943,1201396,12,7,FiO2,37.0,37,%,%,13 +277468437,1201396,968,1,potassium,4.5,4.5,mmol/L,mmol/L,1018 +291656944,1201396,12,7,Respiratory Rate,11.0,11,/min,/min,13 +617101004,2630865,132,7,pH,7.36,7.36,,,156 +617214549,2630865,-173,7,pH,7.25,7.25,,,-166 +618282836,2630865,2594,7,paCO2,31.2,31.2,mm Hg,mmHg,2598 +617214548,2630865,-173,7,paCO2,63.8,63.8,mm Hg,mmHg,-166 +618282831,2630865,2594,7,PEEP,,5.0,cm H2O,cmH2O,2598 +617101003,2630865,132,7,paCO2,37.7,37.7,mm Hg,mmHg,156 +618282837,2630865,2594,7,Respiratory Rate,16.0,16.0,/min,/MIN,2598 +617214552,2630865,-173,7,O2 Sat (%),99.5,99.5,%,%,-166 +618282832,2630865,2594,7,Pressure Support,,5.0,cm H2O,cmH2O,2598 +617214545,2630865,-173,7,Total CO2,29.6,29.6,,,-166 +618282838,2630865,2594,7,pH,7.55,7.55,,,2598 +617101000,2630865,132,7,Total CO2,21.9,21.9,,,156 +617735681,2630865,4027,7,pH,7.54,7.54,,,4036 +617214547,2630865,-173,7,paO2,273.2,273.2,mm Hg,mmHg,-166 +618282840,2630865,2594,7,O2 Sat (%),97.9,97.9,%,%,2598 +617101007,2630865,132,7,O2 Sat (%),97.8,97.8,%,%,156 +617735680,2630865,4027,7,Respiratory Rate,16.0,16.0,/min,/MIN,4036 +602996512,2630865,4024,1,calcium,8.0,8.0,mg/dL,mg/dL,3722 +617101001,2630865,132,7,FiO2,4000.0,40.0,%,%,156 +601037389,2630865,1622,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,842 +618282841,2630865,2594,7,Temperature,37.0,37.0,°C,C,2598 +602996506,2630865,4024,1,alkaline phos.,63.0,63,Units/L,U/L,3722 +617214546,2630865,-173,7,FiO2,10000.0,100.0,%,%,-166 +601037397,2630865,1622,1,total protein,5.2,5.2,g/dL,gm/dL,842 +617735683,2630865,4027,7,O2 Sat (%),98.1,98.1,%,%,4036 +602996507,2630865,4024,1,AST (SGOT),138.0,138,Units/L,U/L,3722 +617101002,2630865,132,7,paO2,108.7,108.7,mm Hg,mmHg,156 +601037398,2630865,1622,1,calcium,7.5,7.5,mg/dL,mg/dL,842 +617735679,2630865,4027,7,paCO2,32.5,32.5,mm Hg,mmHg,4036 +602996505,2630865,4024,1,creatinine,0.61,0.61,mg/dL,mg/dL,3722 +617101008,2630865,132,7,Base Excess,-4.3,-4.3,mEq/L,,156 +601037395,2630865,1622,1,albumin,2.8,2.8,g/dL,gm/dL,842 +617735677,2630865,4027,7,FiO2,3000.0,30.0,%,%,4036 +602996509,2630865,4024,1,albumin,2.4,2.4,g/dL,gm/dL,3722 +617214553,2630865,-173,7,Base Excess,-1.1,-1.1,mEq/L,,-166 +601037393,2630865,1622,1,AST (SGOT),216.0,216,Units/L,U/L,842 +618282834,2630865,2594,7,FiO2,3000.0,30.0,%,%,2598 +602996504,2630865,4024,1,potassium,3.2,3.2,mmol/L,mmol/L,3722 +608523505,2630865,2577,3,RBC,3.25,3.25,M/mcL,M/mm3,2282 +601037396,2630865,1622,1,bicarbonate,33.0,33,mmol/L,mmol/L,842 +618282835,2630865,2594,7,paO2,98.8,98.8,mm Hg,mmHg,2598 +602996511,2630865,4024,1,total protein,5.0,5.0,g/dL,gm/dL,3722 +608523503,2630865,2577,3,MPV,9.0,9.0,fL,fl,2282 +601037399,2630865,1622,1,ALT (SGPT),78.0,78,Units/L,U/L,842 +617735678,2630865,4027,7,paO2,113.9,113.9,mm Hg,mmHg,4036 +602996510,2630865,4024,1,bicarbonate,30.0,30,mmol/L,mmol/L,3722 +608523506,2630865,2577,3,-basos,0.1,0.1,%,%,2282 +601037390,2630865,1622,1,potassium,3.0,3.0,mmol/L,mmol/L,842 +618282842,2630865,2594,7,Base Excess,4.6,4.6,mEq/L,,2598 +602996508,2630865,4024,1,sodium,139.0,139,mmol/L,mmol/L,3722 +608523504,2630865,2577,3,-lymphs,17.8,17.8,%,%,2282 +601037401,2630865,1622,1,chloride,100.0,100,mmol/L,mmol/L,842 +617735674,2630865,4027,7,PEEP,,5.0,cm H2O,cmH2O,4036 +602996514,2630865,4024,1,ALT (SGPT),68.0,68,Units/L,U/L,3722 +608523513,2630865,2577,3,-monos,6.5,6.5,%,%,2282 +601037402,2630865,1622,1,BUN,13.0,13,mg/dL,mg/dL,842 +617735675,2630865,4027,7,Pressure Support,,5.0,cm H2O,cmH2O,4036 +602996515,2630865,4024,1,glucose,120.0,120,mg/dL,mg/dL,3722 +608523511,2630865,2577,3,WBC x 1000,7.0,7.0,K/mcL,K/mm3,2282 +601037394,2630865,1622,1,sodium,139.0,139,mmol/L,mmol/L,842 +617735684,2630865,4027,7,Base Excess,4.3,4.3,mEq/L,,4036 +602996516,2630865,4024,1,chloride,106.0,106,mmol/L,mmol/L,3722 +608523507,2630865,2577,3,Hct,29.5,29.5,%,%,2282 +601037392,2630865,1622,1,alkaline phos.,54.0,54,Units/L,U/L,842 +617735676,2630865,4027,7,Total CO2,27.9,27.9,,,4036 +602996517,2630865,4024,1,BUN,14.0,14,mg/dL,mg/dL,3722 +608523515,2630865,2577,3,platelets x 1000,233.0,233,K/mcL,K/mm3,2282 +601037400,2630865,1622,1,glucose,118.0,118,mg/dL,mg/dL,842 +599683863,2630865,132,1,creatinine,1.34,1.34,mg/dL,mg/dL,-95 +606077980,2630865,1145,3,platelets x 1000,276.0,276,K/mcL,K/mm3,842 +617387041,2630865,1182,7,Base Excess,7.8,7.8,mEq/L,,1187 +601037391,2630865,1622,1,creatinine,0.69,0.69,mg/dL,mg/dL,842 +599683861,2630865,132,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-95 +607467059,2630865,2577,3,Ferritin,108.0,108,ng/mL,ng/mL,2850 +608523509,2630865,2577,3,MCV,91.0,91,fL,fl,2282 +601575541,2630865,-188,1,lactate,3.8,3.80,mmol/L,mmol/L,-165 +599683874,2630865,132,1,lactate,1.8,1.80,mmol/L,mmol/L,190 +612063479,2630865,3325,4,bedside glucose,107.0,107,mg/dL,mg/dL,3328 +617387040,2630865,1182,7,O2 Sat (%),97.1,97.1,%,%,1187 +606077974,2630865,1145,3,MCV,91.0,91,fL,fl,842 +599683875,2630865,132,1,chloride,107.0,107,mmol/L,mmol/L,-95 +617834207,2630865,1842,7,Base Excess,9.7,9.7,mEq/L,,1770 +608523512,2630865,2577,3,MCH,30.0,30,pg,pg,2282 +602996503,2630865,4024,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,3722 +599683864,2630865,132,1,alkaline phos.,49.0,49,Units/L,U/L,-95 +617834201,2630865,1842,7,Respiratory Rate,16.0,16.0,/min,/MIN,1770 +617387036,2630865,1182,7,paCO2,34.5,34.5,mm Hg,mmHg,1187 +606077976,2630865,1145,3,WBC x 1000,10.9,10.9,K/mcL,K/mm3,842 +599683862,2630865,132,1,potassium,4.7,4.7,mmol/L,mmol/L,-95 +617834202,2630865,1842,7,pH,7.55,7.55,,,1770 +608523514,2630865,2577,3,MCHC,34.0,34,g/dL,g/dl,2282 +607113330,2630865,4024,3,PT,10.7,10.7,sec,SECONDS,3722 +599683876,2630865,132,1,CPK-MB,17.3,17.30,ng/mL,ng/mL,224 +617834200,2630865,1842,7,paCO2,37.9,37.9,mm Hg,mmHg,1770 +604070867,2630865,1,1,CPK-MB,17.2,17.20,ng/mL,ng/mL,71 +606077975,2630865,1145,3,Hgb,12.6,12.6,g/dL,g/dl,842 +617387037,2630865,1182,7,pH,7.56,7.56,,,1187 +617834205,2630865,1842,7,O2 Sat (%),96.2,96.2,%,%,1770 +604070866,2630865,1,1,troponin - I,0.137,0.137,ng/mL,ng/mL,71 +607113331,2630865,4024,3,PT - INR,1.0,1.0,ratio,,3722 +599683873,2630865,132,1,glucose,101.0,101,mg/dL,mg/dL,-95 +617834198,2630865,1842,7,FiO2,3000.0,30.0,%,%,1770 +604070865,2630865,1,1,sodium,143.0,143,mmol/L,mmol/L,-51 +606077978,2630865,1145,3,-monos,7.7,7.7,%,%,842 +611228245,2630865,-231,4,bedside glucose,149.0,149,mg/dL,mg/dL,-217 +617834197,2630865,1842,7,Total CO2,33.8,33.8,,,1770 +609292681,2630865,2577,3,PT - INR,1.1,1.1,ratio,,2282 +618070682,2630865,-253,7,pH,7.28,7.28,,,-245 +611003203,2630865,3720,4,bedside glucose,128.0,128,mg/dL,mg/dL,3729 +617834206,2630865,1842,7,Temperature,37.0,37.0,°C,C,1770 +611444001,2630865,1575,4,bedside glucose,127.0,127,mg/dL,mg/dL,2006 +606077977,2630865,1145,3,MCH,32.0,32,pg,pg,842 +599683877,2630865,132,1,BUN,20.0,20,mg/dL,mg/dL,-95 +617834199,2630865,1842,7,paO2,76.2,76.2,mm Hg,mmHg,1770 +604070864,2630865,1,1,creatinine,1.58,1.58,mg/dL,mg/dL,-51 +618070680,2630865,-253,7,paO2,140.9,140.9,mm Hg,mmHg,-245 +611063820,2630865,3011,4,bedside glucose,105.0,105,mg/dL,mg/dL,3013 +598598047,2630865,551,1,lactate,2.2,2.20,mmol/L,mmol/L,578 +617387035,2630865,1182,7,paO2,80.1,80.1,mm Hg,mmHg,1187 +606077971,2630865,1145,3,-basos,0.1,0.1,%,%,842 +610501013,2630865,832,4,bedside glucose,155.0,155,mg/dL,mg/dL,851 +617834195,2630865,1842,7,Pressure Support,,5.0,cm H2O,cmH2O,1770 +611167537,2630865,132,4,BNP,88.0,88,pg/mL,pg/mL,185 +618070681,2630865,-253,7,paCO2,32.4,32.4,mm Hg,mmHg,-245 +599683872,2630865,132,1,ALT (SGPT),90.0,90,Units/L,U/L,-95 +610748062,2630865,368,4,bedside glucose,91.0,91,mg/dL,mg/dL,708 +598389895,2630865,1145,1,BUN,14.0,14,mg/dL,mg/dL,842 +606077972,2630865,1145,3,Hct,35.8,35.8,%,%,842 +608523510,2630865,2577,3,Hgb,9.9,9.9,g/dL,g/dl,2282 +617834194,2630865,1842,7,PEEP,,5.0,cm H2O,cmH2O,1770 +598389887,2630865,1145,1,albumin,2.9,2.9,g/dL,gm/dL,842 +618070678,2630865,-253,7,Total CO2,15.9,15.9,,,-245 +599683869,2630865,132,1,total protein,5.6,5.6,g/dL,gm/dL,-95 +601384116,2630865,2577,1,BUN,13.0,13,mg/dL,mg/dL,2282 +604577355,2630865,2788,2,Vancomycin - trough,,6.79,mcg/mL,ug/mL,2911 +598389888,2630865,1145,1,bicarbonate,31.0,31,mmol/L,mmol/L,842 +601384111,2630865,2577,1,calcium,7.7,7.7,mg/dL,mg/dL,2282 +606077979,2630865,1145,3,MCHC,35.0,35,g/dL,g/dl,842 +617387034,2630865,1182,7,FiO2,3000.0,30.0,%,%,1187 +601384110,2630865,2577,1,total protein,5.0,5.0,g/dL,gm/dL,2282 +611692724,2630865,2272,4,bedside glucose,107.0,107,mg/dL,mg/dL,2275 +598389890,2630865,1145,1,calcium,7.4,7.4,mg/dL,mg/dL,842 +607954543,2630865,-247,3,-eos,0.0,0.0,%,%,-256 +605403830,2630865,4024,3,MCV,90.0,90,fL,fl,3722 +599683870,2630865,132,1,calcium,7.2,7.2,mg/dL,mg/dL,-95 +601384109,2630865,2577,1,bicarbonate,27.0,27,mmol/L,mmol/L,2282 +598304135,2630865,668,1,sodium,137.0,137,mmol/L,mmol/L,-64 +598389884,2630865,1145,1,AST (SGOT),206.0,206,Units/L,U/L,842 +607954541,2630865,-247,3,-basos,0.1,0.1,%,%,-256 +618070684,2630865,-253,7,O2 Sat (%),98.8,98.8,%,%,-245 +609292680,2630865,2577,3,PT,11.2,11.2,sec,SECONDS,2282 +601384104,2630865,2577,1,creatinine,0.65,0.65,mg/dL,mg/dL,2282 +598304140,2630865,668,1,ALT (SGPT),85.0,85,Units/L,U/L,-64 +598389891,2630865,1145,1,troponin - I,0.047,0.047,ng/mL,ng/mL,1250 +607954538,2630865,-247,3,MPV,8.3,8.3,fL,fl,-256 +605403831,2630865,4024,3,Hgb,9.4,9.4,g/dL,g/dl,3722 +599683871,2630865,132,1,troponin - I,0.11,0.110,ng/mL,ng/mL,225 +601384102,2630865,2577,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,2282 +598304134,2630865,668,1,AST (SGOT),247.0,247,Units/L,U/L,-64 +598389885,2630865,1145,1,sodium,138.0,138,mmol/L,mmol/L,842 +607954542,2630865,-247,3,Hct,49.8,49.8,%,%,-256 +606077970,2630865,1145,3,RBC,3.95,3.95,M/mcL,M/mm3,842 +617387033,2630865,1182,7,Total CO2,31.2,31.2,,,1187 +601384103,2630865,2577,1,potassium,3.5,3.5,mmol/L,mmol/L,2282 +598304139,2630865,668,1,calcium,7.1,7.1,mg/dL,mg/dL,-64 +598389892,2630865,1145,1,ALT (SGPT),77.0,77,Units/L,U/L,842 +607954544,2630865,-247,3,MCV,93.0,93,fL,fl,-256 +605403833,2630865,4024,3,MCH,30.0,30,pg,pg,3722 +599683867,2630865,132,1,albumin,3.1,3.1,g/dL,gm/dL,-95 +601384106,2630865,2577,1,AST (SGOT),152.0,152,Units/L,U/L,2282 +598353055,2630865,2106,1,bicarbonate,30.0,30,mmol/L,mmol/L,842 +598389883,2630865,1145,1,alkaline phos.,54.0,54,Units/L,U/L,842 +607954539,2630865,-247,3,-lymphs,6.4,6.4,%,%,-256 +618070679,2630865,-253,7,FiO2,10000.0,100.0,%,%,-245 +610999242,2630865,603,4,bedside glucose,131.0,131,mg/dL,mg/dL,605 +601384112,2630865,2577,1,troponin - I,0.015,0.015,ng/mL,ng/mL,2651 +598353049,2630865,2106,1,potassium,3.3,3.3,mmol/L,mmol/L,842 +598389893,2630865,1145,1,glucose,118.0,118,mg/dL,mg/dL,842 +607954545,2630865,-247,3,Hgb,15.9,15.9,g/dL,g/dl,-256 +605403832,2630865,4024,3,WBC x 1000,6.6,6.6,K/mcL,K/mm3,3722 +599683866,2630865,132,1,sodium,143.0,143,mmol/L,mmol/L,-95 +601384105,2630865,2577,1,alkaline phos.,54.0,54,Units/L,U/L,2282 +598353050,2630865,2106,1,creatinine,0.69,0.69,mg/dL,mg/dL,842 +598389886,2630865,1145,1,magnesium,1.6,1.6,mg/dL,mg/dL,1220 +607954546,2630865,-247,3,WBC x 1000,14.5,14.5,K/mcL,K/mm3,-256 +606077973,2630865,1145,3,-eos,0.0,0.0,%,%,842 +617387031,2630865,1182,7,PEEP,,5.0,cm H2O,cmH2O,1187 +601384114,2630865,2577,1,glucose,117.0,117,mg/dL,mg/dL,2282 +598353051,2630865,2106,1,alkaline phos.,47.0,47,Units/L,U/L,842 +598389889,2630865,1145,1,total protein,5.3,5.3,g/dL,gm/dL,842 +607954550,2630865,-247,3,platelets x 1000,360.0,360,K/mcL,K/mm3,-256 +605403836,2630865,4024,3,platelets x 1000,235.0,235,K/mcL,K/mm3,3722 +599683865,2630865,132,1,AST (SGOT),304.0,304,Units/L,U/L,-95 +601384107,2630865,2577,1,sodium,139.0,139,mmol/L,mmol/L,2282 +598353052,2630865,2106,1,AST (SGOT),170.0,170,Units/L,U/L,842 +598389881,2630865,1145,1,potassium,3.5,3.5,mmol/L,mmol/L,842 +607954548,2630865,-247,3,-monos,5.2,5.2,%,%,-256 +618070686,2630865,-253,7,Base Excess,-10.5,-10.5,mEq/L,,-245 +608523508,2630865,2577,3,-eos,0.0,0.0,%,%,2282 +601384115,2630865,2577,1,chloride,106.0,106,mmol/L,mmol/L,2282 +598353053,2630865,2106,1,sodium,139.0,139,mmol/L,mmol/L,842 +598389882,2630865,1145,1,creatinine,0.75,0.75,mg/dL,mg/dL,842 +607954549,2630865,-247,3,MCHC,32.0,32,g/dL,g/dl,-256 +605403829,2630865,4024,3,-eos,0.0,0.0,%,%,3722 +599683868,2630865,132,1,bicarbonate,26.0,26,mmol/L,mmol/L,-95 +601384108,2630865,2577,1,albumin,2.5,2.5,g/dL,gm/dL,2282 +598353061,2630865,2106,1,BUN,11.0,11,mg/dL,mg/dL,842 +610970311,2630865,1145,4,BNP,37.0,37,pg/mL,pg/mL,1222 +607954547,2630865,-247,3,MCH,30.0,30,pg,pg,-256 +611453277,2630865,-86,4,bedside glucose,118.0,118,mg/dL,mg/dL,-59 +611243447,2630865,2577,4,BNP,94.0,94,pg/mL,pg/mL,2667 +601384113,2630865,2577,1,ALT (SGPT),72.0,72,Units/L,U/L,2282 +598304143,2630865,668,1,BUN,17.0,17,mg/dL,mg/dL,-64 +598389894,2630865,1145,1,chloride,99.0,99,mmol/L,mmol/L,842 +607954540,2630865,-247,3,RBC,5.35,5.35,M/mcL,M/mm3,-256 +605403834,2630865,4024,3,-monos,6.6,6.6,%,%,3722 +601475544,2630865,-247,1,sodium,146.0,146,mmol/L,mmol/L,-256 +598353057,2630865,2106,1,calcium,7.4,7.4,mg/dL,mg/dL,842 +601475551,2630865,-247,1,glucose,141.0,141,mg/dL,mg/dL,-256 +606077968,2630865,1145,3,MPV,8.8,8.8,fL,fl,842 +601475550,2630865,-247,1,ALT (SGPT),39.0,39,Units/L,U/L,-256 +598304142,2630865,668,1,chloride,101.0,101,mmol/L,mmol/L,-64 +601475542,2630865,-247,1,alkaline phos.,71.0,71,Units/L,U/L,-256 +605403835,2630865,4024,3,MCHC,34.0,34,g/dL,g/dl,3722 +601475540,2630865,-247,1,potassium,6.0,6.0,mmol/L,mmol/L,-256 +598353058,2630865,2106,1,ALT (SGPT),72.0,72,Units/L,U/L,842 +601475539,2630865,-247,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-256 +605638777,2630865,1145,3,PT - INR,1.0,1.0,ratio,,842 +601475546,2630865,-247,1,albumin,4.6,4.6,g/dL,gm/dL,-256 +598304141,2630865,668,1,glucose,145.0,145,mg/dL,mg/dL,-64 +601475541,2630865,-247,1,creatinine,2.8,2.80,mg/dL,mg/dL,-256 +605403826,2630865,4024,3,RBC,3.12,3.12,M/mcL,M/mm3,3722 +601475549,2630865,-247,1,calcium,8.8,8.8,mg/dL,mg/dL,-256 +598304136,2630865,668,1,albumin,2.9,2.9,g/dL,gm/dL,-64 +601475545,2630865,-247,1,magnesium,1.7,1.7,mg/dL,mg/dL,-213 +618070685,2630865,-253,7,Temperature,37.0,37.0,°C,C,-245 +601475543,2630865,-247,1,AST (SGOT),102.0,102,Units/L,U/L,-256 +598353059,2630865,2106,1,glucose,124.0,124,mg/dL,mg/dL,842 +601475552,2630865,-247,1,chloride,104.0,104,mmol/L,mmol/L,-256 +605403825,2630865,4024,3,-lymphs,19.3,19.3,%,%,3722 +601475553,2630865,-247,1,CPK-MB,10.8,10.80,ng/mL,ng/mL,-202 +598304137,2630865,668,1,bicarbonate,29.0,29,mmol/L,mmol/L,-64 +601475547,2630865,-247,1,bicarbonate,19.0,19,mmol/L,mmol/L,-256 +611518795,2630865,95,4,bedside glucose,103.0,103,mg/dL,mg/dL,110 +603724102,2630865,668,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,-64 +598353060,2630865,2106,1,chloride,105.0,105,mmol/L,mmol/L,842 +601475554,2630865,-247,1,BUN,18.0,18,mg/dL,mg/dL,-256 +605403824,2630865,4024,3,MPV,8.9,8.9,fL,fl,3722 +603724103,2630865,668,1,potassium,3.9,3.9,mmol/L,mmol/L,-64 +598353048,2630865,2106,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,842 +601475548,2630865,-247,1,total protein,8.0,8.0,g/dL,gm/dL,-256 +606077969,2630865,1145,3,-lymphs,15.4,15.4,%,%,842 +601360660,2630865,362,1,CPK-MB,15.4,15.40,ng/mL,ng/mL,405 +598353054,2630865,2106,1,albumin,2.6,2.6,g/dL,gm/dL,842 +603724104,2630865,668,1,creatinine,0.96,0.96,mg/dL,mg/dL,-64 +605403827,2630865,4024,3,-basos,0.2,0.2,%,%,3722 +601360659,2630865,362,1,troponin - I,0.084,0.084,ng/mL,ng/mL,405 +598304138,2630865,668,1,total protein,5.2,5.2,g/dL,gm/dL,-64 +610533241,2630865,-243,4,urinary specific gravity,1.015,1.015,,,-224 +605638776,2630865,1145,3,PT,10.9,10.9,sec,SECONDS,842 +601360658,2630865,362,1,potassium,4.1,4.1,mmol/L,mmol/L,397 +604577356,2630865,-247,2,Acetaminophen,,24,mcg/mL,ug/mL,-213 +603724105,2630865,668,1,alkaline phos.,52.0,52,Units/L,U/L,-64 +605403828,2630865,4024,3,Hct,28.0,28.0,%,%,3722 +601931628,2630865,922,1,lactate,3.6,3.60,mmol/L,mmol/L,943 +598353056,2630865,2106,1,total protein,5.0,5.0,g/dL,gm/dL,842 +610847958,2630865,1999,4,bedside glucose,120.0,120,mg/dL,mg/dL,2006 +85772174,367912,11425,1,bicarbonate,26.0,26.0,mmol/L,meq/L,11474 +86655196,367912,1350,1,bicarbonate,25.0,25.0,mmol/L,meq/L,1419 +85772173,367912,11425,1,chloride,104.0,104,mmol/L,meq/L,11474 +86655197,367912,1350,1,calcium,8.4,8.4,mg/dL,mg/dl,1419 +85718096,367912,5705,1,magnesium,1.23,1.23,mg/dL,meq/L,5809 +86655195,367912,1350,1,sodium,142.0,142,mmol/L,meq/L,1419 +85772179,367912,11425,1,ALT (SGPT),22.0,22,Units/L,IU/L,11474 +86655199,367912,1350,1,chloride,112.0,112,mmol/L,meq/L,1419 +86395100,367912,2790,1,phosphate,1.9,1.9,mg/dL,mg/dl,2854 +87018591,367912,2790,1,magnesium,1.36,1.36,mg/dL,meq/L,2854 +85772169,367912,11425,1,BUN,8.0,8,mg/dL,mg/dl,11474 +86655198,367912,1350,1,glucose,206.0,206,mg/dL,mg/dl,1419 +85772172,367912,11425,1,potassium,3.9,3.9,mmol/L,meq/L,11474 +86733400,367912,5705,1,sodium,138.0,138,mmol/L,meq/L,5809 +85772170,367912,11425,1,creatinine,0.48,0.48,mg/dL,mg/dl,11474 +86655194,367912,1350,1,creatinine,0.84,0.84,mg/dL,mg/dl,1419 +85772175,367912,11425,1,calcium,8.5,8.5,mg/dL,mg/dl,11474 +86655193,367912,1350,1,potassium,4.5,4.5,mmol/L,meq/L,1419 +85772181,367912,11425,1,total bilirubin,0.3,0.3,mg/dL,mg/dl,11474 +86733398,367912,5705,1,BUN,8.0,8,mg/dL,mg/dl,5809 +85772176,367912,11425,1,total protein,5.3,5.3,g/dL,g/dL,11474 +87086962,367912,2790,1,prealbumin,7.0,7.0,mg/dL,mg/dl,2855 +85772168,367912,11425,1,glucose,157.0,157,mg/dL,mg/dl,11474 +86655200,367912,1350,1,BUN,27.0,27,mg/dL,mg/dl,1419 +85772177,367912,11425,1,albumin,2.6,2.6,g/dL,g/dl,11474 +86733397,367912,5705,1,glucose,120.0,120,mg/dL,mg/dl,5809 +85772178,367912,11425,1,AST (SGOT),17.0,17,Units/L,IU/L,11474 +87179539,367912,1350,1,magnesium,1.56,1.56,mg/dL,meq/L,1419 +85772180,367912,11425,1,alkaline phos.,222.0,222,Units/L,IU/L,11474 +86770087,367912,5705,1,phosphate,2.7,2.7,mg/dL,mg/dl,5809 +85772171,367912,11425,1,sodium,138.0,138,mmol/L,meq/L,11474 +86733399,367912,5705,1,creatinine,0.43,0.43,mg/dL,mg/dl,5809 +95334601,367912,12030,4,bedside glucose,132.0,132,mg/dL,mg/dl,12033 +97133773,367912,7521,4,bedside glucose,121.0,121,mg/dL,mg/dl,7534 +90091778,367912,11425,3,Hct,29.3,29.3,%,%,11461 +95331325,367912,6087,4,bedside glucose,199.0,199,mg/dL,mg/dl,6323 +90091779,367912,11425,3,MCV,83.0,83,fL,fl,11461 +96475268,367912,1811,4,bedside glucose,164.0,164,mg/dL,mg/dl,1815 +90091777,367912,11425,3,Hgb,9.6,9.6,g/dL,g/dl,11461 +95785018,367912,9294,4,bedside glucose,134.0,134,mg/dL,mg/dl,9309 +90091775,367912,11425,3,WBC x 1000,18.7,18.7,K/mcL,K/cmm,11461 +93351070,367912,2790,3,Hct,31.5,31.5,%,%,2830 +90091780,367912,11425,3,MCH,27.0,27,pg,uug,11461 +93351071,367912,2790,3,-eos,1.0,1,%,%,2830 +90091781,367912,11425,3,MCHC,33.0,33,g/dL,g/dl,11461 +93351075,367912,2790,3,RDW,15.6,15.6,%,%,2830 +90091776,367912,11425,3,RBC,3.53,3.53,M/mcL,M/cmm,11461 +93351068,367912,2790,3,-basos,,0,%,ug/L,2830 +83765983,367912,8560,1,potassium,3.2,3.2,mmol/L,meq/L,8610 +93351069,367912,2790,3,-polys,91.0,91,%,%,2830 +89935780,367912,5705,3,platelets x 1000,181.0,181,K/mcL,K/cmm,5779 +93351072,367912,2790,3,MCV,84.0,84,fL,fl,2830 +83765984,367912,8560,1,chloride,101.0,101,mmol/L,meq/L,8610 +93351076,367912,2790,3,MCH,28.0,28,pg,uug,2830 +89935781,367912,5705,3,RDW,15.0,15.0,%,%,5779 +93351073,367912,2790,3,Hgb,10.4,10.4,g/dL,g/dl,2830 +83765985,367912,8560,1,bicarbonate,27.0,27.0,mmol/L,meq/L,8610 +93598214,367912,7180,3,RDW,15.2,15.2,%,%,7233 +89935774,367912,5705,3,RBC,3.71,3.71,M/mcL,M/cmm,5779 +103856829,367912,408,7,HCO3,22.9,22.9,mmol/L,meq/L,411 +83765980,367912,8560,1,BUN,8.0,8,mg/dL,mg/dl,8610 +93598213,367912,7180,3,platelets x 1000,201.0,201,K/mcL,K/cmm,7233 +89935773,367912,5705,3,WBC x 1000,9.7,9.7,K/mcL,K/cmm,5779 +82053608,367912,-215,1,alkaline phos.,110.0,110,Units/L,IU/L,544 +83765982,367912,8560,1,sodium,137.0,137,mmol/L,meq/L,8610 +103856832,367912,408,7,paCO2,40.1,40.1,mm Hg,mmHg,411 +89935775,367912,5705,3,Hgb,10.2,10.2,g/dL,g/dl,5779 +93351066,367912,2790,3,-lymphs,6.0,6,%,%,2830 +83765986,367912,8560,1,calcium,7.9,7.9,mg/dL,mg/dl,8610 +82053607,367912,-215,1,total bilirubin,0.7,0.7,mg/dL,mg/dl,544 +89935776,367912,5705,3,Hct,30.6,30.6,%,%,5779 +85281295,367912,10080,1,calcium,8.1,8.1,mg/dL,mg/dl,10169 +83765981,367912,8560,1,creatinine,0.4,0.40,mg/dL,mg/dl,8610 +93351079,367912,2790,3,platelets x 1000,178.0,178,K/mcL,K/cmm,2830 +83073336,367912,1350,1,prealbumin,11.0,11.0,mg/dL,mg/dl,1419 +82053610,367912,-215,1,albumin,3.9,3.9,g/dL,g/dl,544 +89935777,367912,5705,3,MCV,83.0,83,fL,fl,5779 +103856831,367912,408,7,paO2,65.4,65.4,mm Hg,mmHg,411 +83765979,367912,8560,1,glucose,86.0,86,mg/dL,mg/dl,8610 +93598209,367912,7180,3,Hct,30.1,30.1,%,%,7233 +82796868,367912,4266,1,phosphate,2.7,2.7,mg/dL,mg/dl,4292 +82053612,367912,-215,1,direct bilirubin,0.3,0.3,mg/dL,mg/dl,544 +89935778,367912,5705,3,MCH,28.0,28,pg,uug,5779 +83362240,367912,10080,1,magnesium,1.42,1.42,mg/dL,meq/L,10169 +81930857,367912,7180,1,phosphate,2.9,2.9,mg/dL,mg/dl,7239 +93598208,367912,7180,3,Hgb,10.2,10.2,g/dL,g/dl,7233 +90419398,367912,2790,3,ESR,68.0,68,mm/hr,mm/hr.,2845 +82053609,367912,-215,1,AST (SGOT),62.0,62,Units/L,IU/L,544 +82086059,367912,1350,1,phosphate,4.5,4.5,mg/dL,mg/dl,1419 +103856833,367912,408,7,pH,7.374,7.374,,,411 +90091782,367912,11425,3,platelets x 1000,327.0,327,K/mcL,K/cmm,11461 +93598210,367912,7180,3,MCV,83.0,83,fL,fl,7233 +95360450,367912,8565,4,bedside glucose,87.0,87,mg/dL,mg/dl,8764 +82053613,367912,-215,1,ALT (SGPT),124.0,124,Units/L,IU/L,544 +90091783,367912,11425,3,RDW,15.1,15.1,%,%,11461 +85281294,367912,10080,1,bicarbonate,25.0,25.0,mmol/L,meq/L,10169 +87735779,367912,8560,1,magnesium,1.26,1.26,mg/dL,meq/L,8610 +93598211,367912,7180,3,MCH,28.0,28,pg,uug,7233 +88008922,367912,4250,2,Vancomycin - trough,5.0,5.00,mcg/mL,ug/mL,4292 +81463721,367912,-215,1,lipase,185.0,185,Units/L,IU/L,544 +87561686,367912,5705,1,chloride,100.0,100,mmol/L,meq/L,5809 +96851173,367912,2472,4,bedside glucose,147.0,147,mg/dL,mg/dl,2547 +95495417,367912,7121,4,bedside glucose,126.0,126,mg/dL,mg/dl,7256 +93598212,367912,7180,3,MCHC,34.0,34,g/dL,g/dl,7233 +87561687,367912,5705,1,bicarbonate,30.0,30.0,mmol/L,meq/L,5809 +82053611,367912,-215,1,total protein,6.4,6.4,g/dL,g/dl,544 +88008921,367912,8560,2,Vancomycin - trough,14.8,14.80,mcg/mL,ug/mL,8608 +103856830,367912,408,7,Base Deficit,2.1,2.1,mEq/L,meq/L,411 +87561688,367912,5705,1,calcium,8.3,8.3,mg/dL,mg/dl,5809 +93351078,367912,2790,3,MCHC,33.0,33,g/dL,g/dl,2830 +89935779,367912,5705,3,MCHC,33.0,33,g/dL,g/dl,5779 +84129943,367912,2790,1,chloride,113.0,113,mmol/L,meq/L,2854 +87561685,367912,5705,1,potassium,2.7,2.7,mmol/L,meq/L,5809 +93598206,367912,7180,3,WBC x 1000,10.1,10.1,K/mcL,K/cmm,7233 +87376055,367912,10080,1,potassium,3.9,3.9,mmol/L,meq/L,10169 +84129931,367912,2790,1,total bilirubin,0.4,0.4,mg/dL,mg/dl,2854 +87376052,367912,10080,1,BUN,10.0,10,mg/dL,mg/dl,10169 +89696730,367912,-236,3,-lymphs,5.2,5.2,%,%,-240 +87376053,367912,10080,1,creatinine,0.43,0.43,mg/dL,mg/dl,10169 +84151048,367912,4266,1,bicarbonate,28.0,28.0,mmol/L,meq/L,4292 +87376054,367912,10080,1,sodium,138.0,138,mmol/L,meq/L,10169 +93351067,367912,2790,3,RBC,3.76,3.76,M/mcL,M/cmm,2830 +97126600,367912,4330,4,bedside glucose,128.0,128,mg/dL,mg/dl,4382 +84129942,367912,2790,1,glucose,121.0,121,mg/dL,mg/dl,2854 +87376051,367912,10080,1,glucose,137.0,137,mg/dL,mg/dl,10169 +89696735,367912,-236,3,Hgb,14.4,14.4,g/dL,g/dl,-240 +97321084,367912,11533,4,bedside glucose,143.0,143,mg/dL,mg/dl,11535 +84129941,367912,2790,1,ALT (SGPT),44.0,44,Units/L,IU/L,2854 +87376056,367912,10080,1,chloride,103.0,103,mmol/L,meq/L,10169 +93351074,367912,2790,3,WBC x 1000,7.4,7.4,K/mcL,K/cmm,2830 +95165578,367912,10080,3,RDW,14.9,14.9,%,%,10154 +84151047,367912,4266,1,chloride,105.0,105,mmol/L,meq/L,4292 +85615468,367912,-244,1,BUN,20.0,20,mg/dL,mg/dl,-240 +89696731,367912,-236,3,RBC,5.27,5.27,M/mcL,M/cmm,-240 +95165577,367912,10080,3,platelets x 1000,273.0,273,K/mcL,K/cmm,10154 +84129934,367912,2790,1,alkaline phos.,71.0,71,Units/L,IU/L,2854 +85615465,367912,-244,1,ionized calcium,1.23,1.23,mg/dL,mmol/L,-240 +90782766,367912,10080,3,WBC x 1000,16.5,16.5,K/mcL,K/cmm,10154 +85157175,367912,7180,1,glucose,118.0,118,mg/dL,mg/dl,7239 +84129932,367912,2790,1,potassium,3.6,3.6,mmol/L,meq/L,2854 +95165574,367912,10080,3,MCV,82.0,82,fL,fl,10154 +89696732,367912,-236,3,-polys,91.1,91.1,%,%,-240 +85157180,367912,7180,1,chloride,102.0,102,mmol/L,meq/L,7239 +84151046,367912,4266,1,potassium,3.0,3.0,mmol/L,meq/L,4292 +85615463,367912,-244,1,sodium,139.2,139.2,mmol/L,meq/L,-240 +93598207,367912,7180,3,RBC,3.65,3.65,M/mcL,M/cmm,7233 +85157179,367912,7180,1,potassium,3.8,3.8,mmol/L,meq/L,7239 +84151043,367912,4266,1,BUN,8.0,8,mg/dL,mg/dl,4292 +95165575,367912,10080,3,MCH,28.0,28,pg,uug,10154 +89696739,367912,-236,3,platelets x 1000,325.0,325,K/mcL,K/cmm,-240 +85157178,367912,7180,1,sodium,139.0,139,mmol/L,meq/L,7239 +84151042,367912,4266,1,glucose,136.0,136,mg/dL,mg/dl,4292 +85615464,367912,-244,1,bicarbonate,24.3,24.3,mmol/L,meq/L,-240 +90782767,367912,10080,3,RBC,3.49,3.49,M/mcL,M/cmm,10154 +85157176,367912,7180,1,BUN,10.0,10,mg/dL,mg/dl,7239 +84151044,367912,4266,1,creatinine,0.47,0.47,mg/dL,mg/dl,4292 +95165576,367912,10080,3,MCHC,34.0,34,g/dL,g/dl,10154 +89696733,367912,-236,3,Hct,42.9,42.9,%,%,-240 +85368028,367912,4266,1,magnesium,1.23,1.23,mg/dL,meq/L,4292 +84129939,367912,2790,1,total protein,4.0,4.0,g/dL,g/dL,2854 +85615462,367912,-244,1,creatinine,1.0,1.0,mg/dL,mg/dl,-240 +97394047,367912,5753,4,bedside glucose,113.0,113,mg/dL,mg/dl,6111 +85157182,367912,7180,1,calcium,8.0,8.0,mg/dL,mg/dl,7239 +84151045,367912,4266,1,sodium,140.0,140,mmol/L,meq/L,4292 +95165572,367912,10080,3,Hgb,9.7,9.7,g/dL,g/dl,10154 +89696736,367912,-236,3,WBC x 1000,13.2,13.2,K/mcL,K/cmm,-240 +85419678,367912,1350,1,triglycerides,47.0,47,mg/dL,mg/dL,1419 +84129944,367912,2790,1,BUN,16.0,16,mg/dL,mg/dl,2854 +85615466,367912,-244,1,glucose,153.0,153,mg/dL,mg/dl,-240 +82737725,367912,745,1,lactate,2.2,2.2,mmol/L,mmol/L,767 +85157177,367912,7180,1,creatinine,0.44,0.44,mg/dL,mg/dl,7239 +84129940,367912,2790,1,calcium,8.2,8.2,mg/dL,mg/dl,2854 +95165573,367912,10080,3,Hct,28.8,28.8,%,%,10154 +97280349,367912,3603,4,bedside glucose,91.0,91,mg/dL,mg/dl,3608 +82653917,367912,10080,1,phosphate,3.3,3.3,mg/dL,mg/dl,10169 +84129937,367912,2790,1,albumin,2.3,2.3,g/dL,g/dl,2854 +97195150,367912,9024,4,bedside glucose,148.0,148,mg/dL,mg/dl,9054 +89696737,367912,-236,3,MCH,27.3,27.3,pg,uug,-240 +85615461,367912,-244,1,potassium,4.68,4.68,mmol/L,meq/L,-240 +84129933,367912,2790,1,creatinine,0.52,0.52,mg/dL,mg/dl,2854 +95605345,367912,4696,4,bedside glucose,146.0,146,mg/dL,mg/dl,5233 +93351077,367912,2790,3,-monos,2.0,2,%,%,2830 +96339988,367912,4974,4,bedside glucose,123.0,123,mg/dL,mg/dl,5233 +84129936,367912,2790,1,sodium,141.0,141,mmol/L,meq/L,2854 +96205314,367912,10084,4,bedside glucose,153.0,153,mg/dL,mg/dl,10160 +87230576,367912,-215,1,amylase,338.0,338,Units/L,IU/L,544 +81732608,367912,10080,1,ionized calcium,1.19,1.19,mg/dL,mmol/L,10157 +84129935,367912,2790,1,AST (SGOT),31.0,31,Units/L,IU/L,2854 +96999434,367912,10444,4,bedside glucose,130.0,130,mg/dL,mg/dl,10473 +89696734,367912,-236,3,MCV,81.4,81.4,fL,fl,-240 +97014032,367912,5466,4,bedside glucose,154.0,154,mg/dL,mg/dl,5659 +84151049,367912,4266,1,calcium,8.1,8.1,mg/dL,mg/dl,4292 +95602672,367912,3306,4,bedside glucose,132.0,132,mg/dL,mg/dl,3328 +96810669,367912,2790,4,CRP,27.06,27.06,mg/dL,mg/dl,2855 +85157181,367912,7180,1,bicarbonate,28.0,28.0,mmol/L,meq/L,7239 +81590303,367912,7180,1,magnesium,1.51,1.51,mg/dL,meq/L,7239 +95539513,367912,8291,4,bedside glucose,141.0,141,mg/dL,mg/dl,8604 +95756974,367912,9560,4,bedside glucose,117.0,117,mg/dL,mg/dl,9753 +96800209,367912,2156,4,bedside glucose,124.0,124,mg/dL,mg/dl,2157 +84129938,367912,2790,1,bicarbonate,23.0,23.0,mmol/L,meq/L,2854 +85615467,367912,-244,1,chloride,103.0,103.0,mmol/L,meq/L,-240 +89696738,367912,-236,3,MCHC,33.6,33.6,g/dL,g/dl,-240 +97039474,367912,6431,4,bedside glucose,72.0,72,mg/dL,mg/dl,6592 +97300817,367912,11042,4,bedside glucose,124.0,124,mg/dL,mg/dl,11058 +96387756,367912,6865,4,bedside glucose,138.0,138,mg/dL,mg/dl,7256 +96999118,367912,3955,4,bedside glucose,141.0,141,mg/dL,mg/dl,4058 +97356270,367912,7828,4,bedside glucose,122.0,122,mg/dL,mg/dl,8046 +656164119,2787456,386,3,RDW,14.1,14.1,%,%,399 +656164118,2787456,386,3,WBC x 1000,11.4,11.4,K/mcL,K/uL,399 +656164117,2787456,386,3,Hgb,7.7,7.7,g/dL,g/dL,399 +656164120,2787456,386,3,MCH,29.1,29.1,pg,pg,399 +656164115,2787456,386,3,-eos,0.0,0,%,%,399 +635799775,2787456,3854,1,sodium,140.0,140,mmol/L,mmol/L,3894 +656164121,2787456,386,3,-monos,8.0,8,%,%,399 +635799789,2787456,3854,1,ALT (SGPT),21.0,21,Units/L,U/L,3894 +656164116,2787456,386,3,MCV,85.0,85,fL,fL,399 +635799776,2787456,3854,1,potassium,3.7,3.7,mmol/L,mmol/L,3894 +656164112,2787456,386,3,-basos,0.0,0,%,%,399 +635799788,2787456,3854,1,AST (SGOT),22.0,22,Units/L,U/L,3894 +656164111,2787456,386,3,RBC,2.65,2.65,M/mcL,M/uL,399 +635799777,2787456,3854,1,chloride,107.0,107,mmol/L,mmol/L,3894 +656164110,2787456,386,3,-lymphs,16.0,16,%,%,399 +635799786,2787456,3854,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,3894 +656164113,2787456,386,3,-polys,76.0,76,%,%,399 +635799782,2787456,3854,1,creatinine,0.61,0.61,mg/dL,mg/dL,3894 +656164122,2787456,386,3,MCHC,34.1,34.1,g/dL,g/dL,399 +635799783,2787456,3854,1,calcium,8.1,8.1,mg/dL,mg/dL,3894 +651776735,2787456,169,3,PTT,29.1,29.1,sec,sec,211 +635799779,2787456,3854,1,anion gap,13.8,13.8,,mmol/L,3894 +656164123,2787456,386,3,platelets x 1000,100.0,100,K/mcL,K/uL,399 +635799780,2787456,3854,1,glucose,94.0,94,mg/dL,mg/dL,3894 +651784027,2787456,169,3,fibrinogen,242.0,242,mg/dL,mg/dL,210 +635799781,2787456,3854,1,BUN,9.0,9,mg/dL,mg/dL,3894 +656164114,2787456,386,3,Hct,22.6,22.6,%,%,399 +635799784,2787456,3854,1,total protein,5.7,5.7,g/dL,g/dL,3894 +661808963,2787456,1239,3,PT - INR,1.0,1.0,ratio,,1290 +635799787,2787456,3854,1,alkaline phos.,67.0,67,Units/L,U/L,3894 +659371128,2787456,2544,3,-basos,0.0,0,%,%,2568 +652594214,2787456,-204,3,fibrinogen,138.0,138,mg/dL,mg/dL,-177 +635799778,2787456,3854,1,bicarbonate,23.0,23,mmol/L,mmol/L,3894 +648658536,2787456,2279,3,MCV,87.0,87,fL,fL,2324 +661808962,2787456,1239,3,PT,13.2,13.2,sec,sec,1290 +635799785,2787456,3854,1,albumin,2.1,2.1,g/dL,g/dL,3894 +659371127,2787456,2544,3,-eos,0.0,0,%,%,2568 +657280167,2787456,1644,3,-basos,0.0,0,%,%,1682 +648658532,2787456,2279,3,-basos,0.0,0,%,%,2324 +657280177,2787456,1644,3,MCHC,33.6,33.6,g/dL,g/dL,1682 +659371122,2787456,2544,3,RDW,14.5,14.5,%,%,2568 +657280168,2787456,1644,3,-polys,82.0,82,%,%,1682 +648658542,2787456,2279,3,MCHC,34.1,34.1,g/dL,g/dL,2324 +657280173,2787456,1644,3,WBC x 1000,15.2,15.2,K/mcL,K/uL,1682 +659371120,2787456,2544,3,MCH,29.9,29.9,pg,pg,2568 +651241582,2787456,1969,3,MCH,29.2,29.2,pg,pg,1985 +648658531,2787456,2279,3,RBC,3.31,3.31,M/mcL,M/uL,2324 +657280165,2787456,1644,3,-lymphs,12.0,12,%,%,1682 +659371123,2787456,2544,3,platelets x 1000,149.0,149,K/mcL,K/uL,2568 +651241578,2787456,1969,3,MCV,87.0,87,fL,fL,1985 +648658533,2787456,2279,3,-polys,81.0,81,%,%,2324 +657280175,2787456,1644,3,MCH,28.8,28.8,pg,pg,1682 +659371121,2787456,2544,3,MCHC,34.7,34.7,g/dL,g/dL,2568 +651241579,2787456,1969,3,Hgb,9.0,9.0,g/dL,g/dL,1985 +648658543,2787456,2279,3,platelets x 1000,136.0,136,K/mcL,K/uL,2324 +657280174,2787456,1644,3,RDW,14.3,14.3,%,%,1682 +659371126,2787456,2544,3,-monos,5.0,5,%,%,2568 +651241580,2787456,1969,3,WBC x 1000,13.9,13.9,K/mcL,K/uL,1985 +648658534,2787456,2279,3,Hct,28.7,28.7,%,%,2324 +657280178,2787456,1644,3,platelets x 1000,149.0,149,K/mcL,K/uL,1682 +659371117,2787456,2544,3,Hgb,10.3,10.3,g/dL,g/dL,2568 +651241583,2787456,1969,3,-monos,6.0,6,%,%,1985 +648658537,2787456,2279,3,Hgb,9.8,9.8,g/dL,g/dL,2324 +657280171,2787456,1644,3,MCV,86.0,86,fL,fL,1682 +659371118,2787456,2544,3,Hct,29.7,29.7,%,%,2568 +651241581,2787456,1969,3,RDW,14.2,14.2,%,%,1985 +648658535,2787456,2279,3,-eos,0.0,0,%,%,2324 +657280169,2787456,1644,3,Hct,28.3,28.3,%,%,1682 +659371115,2787456,2544,3,WBC x 1000,14.4,14.4,K/mcL,K/uL,2568 +651241577,2787456,1969,3,-eos,0.0,0,%,%,1985 +648658540,2787456,2279,3,MCH,29.6,29.6,pg,pg,2324 +657280166,2787456,1644,3,RBC,3.3,3.30,M/mcL,M/uL,1682 +659371125,2787456,2544,3,-lymphs,10.0,10,%,%,2568 +651241572,2787456,1969,3,-lymphs,15.0,15,%,%,1985 +648658538,2787456,2279,3,WBC x 1000,13.9,13.9,K/mcL,K/uL,2324 +657280176,2787456,1644,3,-monos,6.0,6,%,%,1682 +659371119,2787456,2544,3,MCV,86.0,86,fL,fL,2568 +651241573,2787456,1969,3,RBC,3.08,3.08,M/mcL,M/uL,1985 +648658541,2787456,2279,3,-monos,6.0,6,%,%,2324 +657999756,2787456,1644,3,PT,13.5,13.5,sec,sec,1695 +659371116,2787456,2544,3,RBC,3.44,3.44,M/mcL,M/uL,2568 +651241574,2787456,1969,3,-basos,0.0,0,%,%,1985 +648658530,2787456,2279,3,-lymphs,13.0,13,%,%,2324 +658942502,2787456,1049,3,WBC x 1000,15.3,15.3,K/mcL,K/uL,1093 +659371124,2787456,2544,3,-polys,85.0,85,%,%,2568 +660162422,2787456,1644,3,fibrinogen,524.0,524,mg/dL,mg/dL,1696 +648658539,2787456,2279,3,RDW,14.2,14.2,%,%,2324 +658942501,2787456,1049,3,Hgb,10.5,10.5,g/dL,g/dL,1093 +649317861,2787456,-426,3,PTT,27.5,27.5,sec,sec,-398 +651241575,2787456,1969,3,-polys,79.0,79,%,%,1985 +661628300,2787456,2279,3,fibrinogen,553.0,553,mg/dL,mg/dL,2336 +658942500,2787456,1049,3,MCV,85.0,85,fL,fL,1093 +646960400,2787456,2279,1,magnesium,1.7,1.7,mg/dL,mg/dL,2336 +657280170,2787456,1644,3,-eos,0.0,0,%,%,1682 +668728610,2787456,169,3,MCH,28.5,28.5,pg,pg,213 +658942503,2787456,1049,3,RDW,14.3,14.3,%,%,1093 +668728601,2787456,169,3,RBC,2.42,2.42,M/mcL,M/uL,213 +651241576,2787456,1969,3,Hct,26.7,26.7,%,%,1985 +668728609,2787456,169,3,RDW,14.0,14.0,%,%,213 +658942507,2787456,1049,3,platelets x 1000,146.0,146,K/mcL,K/uL,1093 +668728608,2787456,169,3,WBC x 1000,12.0,12.0,K/mcL,K/uL,213 +654696031,2787456,-426,3,PT,17.4,17.4,sec,sec,-399 +659882310,2787456,3854,3,MCH,29.3,29.3,pg,pg,3886 +658942505,2787456,1049,3,-monos,7.0,7,%,%,1093 +668728602,2787456,169,3,-basos,0.0,0,%,%,213 +651241584,2787456,1969,3,MCHC,33.7,33.7,g/dL,g/dL,1985 +659882311,2787456,3854,3,MCHC,33.6,33.6,g/dL,g/dL,3886 +658942504,2787456,1049,3,MCH,29.8,29.8,pg,pg,1093 +629470684,2787456,719,1,bicarbonate,25.0,25,mmol/L,mmol/L,774 +668728607,2787456,169,3,Hgb,6.9,6.9,g/dL,g/dL,213 +629470683,2787456,719,1,albumin,2.1,2.1,g/dL,g/dL,774 +657999757,2787456,1644,3,PT - INR,1.1,1.1,ratio,,1695 +629470680,2787456,719,1,anion gap,10.5,10.5,,mmol/L,774 +659882313,2787456,3854,3,platelets x 1000,193.0,193,K/mcL,K/uL,3886 +629470681,2787456,719,1,AST (SGOT),26.0,26,Units/L,U/L,774 +658942497,2787456,1049,3,-polys,84.0,84,%,%,1093 +629470685,2787456,719,1,total protein,4.7,4.7,g/dL,g/dL,774 +668728611,2787456,169,3,-monos,7.0,7,%,%,213 +629470679,2787456,719,1,alkaline phos.,61.0,61,Units/L,U/L,774 +652968117,2787456,-711,3,PTT,45.6,45.6,sec,sec,-655 +629470682,2787456,719,1,sodium,136.0,136,mmol/L,mmol/L,774 +659882312,2787456,3854,3,RDW,14.7,14.7,%,%,3886 +629470676,2787456,719,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,774 +658942495,2787456,1049,3,RBC,3.52,3.52,M/mcL,M/uL,1093 +629470687,2787456,719,1,ALT (SGPT),18.0,18,Units/L,U/L,774 +668728603,2787456,169,3,-polys,83.0,83,%,%,213 +629470688,2787456,719,1,glucose,93.0,93,mg/dL,mg/dL,774 +654696032,2787456,-426,3,PT - INR,1.5,1.5,ratio,,-399 +629470690,2787456,719,1,BUN,10.0,10,mg/dL,mg/dL,774 +659882309,2787456,3854,3,MCV,87.0,87,fL,fL,3886 +629470689,2787456,719,1,chloride,104.0,104,mmol/L,mmol/L,774 +658942496,2787456,1049,3,-basos,0.0,0,%,%,1093 +629470686,2787456,719,1,calcium,7.6,7.6,mg/dL,mg/dL,774 +668728604,2787456,169,3,Hct,20.6,20.6,%,%,213 +629470677,2787456,719,1,potassium,3.8,3.8,mmol/L,mmol/L,774 +651241585,2787456,1969,3,platelets x 1000,137.0,137,K/mcL,K/uL,1985 +629470678,2787456,719,1,creatinine,0.49,0.49,mg/dL,mg/dL,774 +655846864,2787456,1644,3,PTT,27.7,27.7,sec,sec,1696 +659882308,2787456,3854,3,Hct,33.0,33.0,%,%,3886 +659171386,2787456,-781,3,MCV,88.0,88,fL,fL,-766 +658942498,2787456,1049,3,Hct,29.9,29.9,%,%,1093 +659171385,2787456,-781,3,-eos,0.0,0,%,%,-766 +668728605,2787456,169,3,-eos,0.0,0,%,%,213 +659171380,2787456,-781,3,-lymphs,21.0,21,%,%,-766 +657280172,2787456,1644,3,Hgb,9.5,9.5,g/dL,g/dL,1682 +659171381,2787456,-781,3,RBC,3.15,3.15,M/mcL,M/uL,-766 +659882305,2787456,3854,3,WBC x 1000,11.0,11.0,K/mcL,K/uL,3886 +661102115,2787456,-205,3,MCHC,33.2,33.2,g/dL,g/dL,-193 +658942499,2787456,1049,3,-eos,0.0,0,%,%,1093 +654776556,2787456,1239,3,MCHC,34.9,34.9,g/dL,g/dL,1264 +668728613,2787456,169,3,platelets x 1000,92.0,92,K/mcL,K/uL,213 +659171387,2787456,-781,3,Hgb,9.3,9.3,g/dL,g/dL,-766 +660008192,2787456,169,3,PT,14.5,14.5,sec,sec,209 +661102106,2787456,-205,3,-polys,88.0,88,%,%,-193 +667762063,2787456,-204,3,PT - INR,1.3,1.3,ratio,,9 +654776557,2787456,1239,3,platelets x 1000,151.0,151,K/mcL,K/uL,1264 +650722829,2787456,719,3,PT - INR,1.0,1.0,ratio,,763 +659171392,2787456,-781,3,MCHC,33.6,33.6,g/dL,g/dL,-766 +668728612,2787456,169,3,MCHC,33.5,33.5,g/dL,g/dL,213 +661102105,2787456,-205,3,-basos,0.0,0,%,%,-193 +658608383,2787456,1969,3,fibrinogen,541.0,541,mg/dL,mg/dL,2005 +654776545,2787456,1239,3,RBC,3.34,3.34,M/mcL,M/uL,1264 +659882306,2787456,3854,3,RBC,3.79,3.79,M/mcL,M/uL,3886 +659171391,2787456,-781,3,-monos,6.0,6,%,%,-766 +658942506,2787456,1049,3,MCHC,35.1,35.1,g/dL,g/dL,1093 +661102103,2787456,-205,3,-lymphs,8.0,8,%,%,-193 +668728600,2787456,169,3,-lymphs,10.0,10,%,%,213 +654776555,2787456,1239,3,-monos,6.0,6,%,%,1264 +658056094,2787456,-426,3,fibrinogen,79.0,79,mg/dL,mg/dL,-384 +659171382,2787456,-781,3,-basos,0.0,0,%,%,-766 +667762062,2787456,-204,3,PT,15.9,15.9,sec,sec,9 +661102107,2787456,-205,3,Hct,21.7,21.7,%,%,-193 +650722828,2787456,719,3,PT,13.3,13.3,sec,sec,763 +654776544,2787456,1239,3,-lymphs,11.0,11,%,%,1264 +625250127,2787456,719,1,troponin - I,,<0.02,ng/mL,ng/mL,774 +659171388,2787456,-781,3,WBC x 1000,18.4,18.4,K/mcL,K/uL,-766 +669397864,2787456,3854,3,PT,13.0,13.0,sec,sec,3901 +661102116,2787456,-205,3,platelets x 1000,95.0,95,K/mcL,K/uL,-193 +659809948,2787456,1969,3,PTT,33.2,33.2,sec,sec,2006 +654776553,2787456,1239,3,RDW,14.3,14.3,%,%,1264 +660008193,2787456,169,3,PT - INR,1.2,1.2,ratio,,209 +659171389,2787456,-781,3,RDW,13.6,13.6,%,%,-766 +668728606,2787456,169,3,MCV,85.0,85,fL,fL,213 +661102104,2787456,-205,3,RBC,2.53,2.53,M/mcL,M/uL,-193 +669397865,2787456,3854,3,PT - INR,1.0,1.0,ratio,,3901 +654776554,2787456,1239,3,MCH,29.6,29.6,pg,pg,1264 +659882307,2787456,3854,3,Hgb,11.1,11.1,g/dL,g/dL,3886 +659171383,2787456,-781,3,-polys,73.0,73,%,%,-766 +658942494,2787456,1049,3,-lymphs,9.0,9,%,%,1093 +661102114,2787456,-205,3,-monos,4.0,4,%,%,-193 +663740888,2787456,719,3,PTT,30.3,30.3,sec,sec,764 +654776546,2787456,1239,3,-basos,0.0,0,%,%,1264 +644769347,2787456,169,1,CPK,206.0,206,Units/L,U/L,214 +656478663,2787456,2279,3,PT,13.5,13.5,sec,sec,2336 +669805496,2787456,1239,3,PTT,28.5,28.5,sec,sec,1291 +661102111,2787456,-205,3,WBC x 1000,12.7,12.7,K/mcL,K/uL,-193 +645648414,2787456,719,1,LDH,335.0,335,Units/L,U/L,774 +654776549,2787456,1239,3,-eos,0.0,0,%,%,1264 +650286634,2787456,2279,3,PTT,34.6,34.6,sec,sec,2337 +633488151,2787456,-204,1,BUN,11.0,11,mg/dL,mg/dL,-141 +666714614,2787456,5329,3,Hgb,10.1,10.1,g/dL,g/dL,5342 +659171390,2787456,-781,3,MCH,29.5,29.5,pg,pg,-766 +666714612,2787456,5329,3,WBC x 1000,6.8,6.8,K/mcL,K/uL,5342 +633488149,2787456,-204,1,glucose,109.0,109,mg/dL,mg/dL,-141 +665199960,2787456,719,3,platelets x 1000,126.0,126,K/mcL,K/uL,737 +661102110,2787456,-205,3,Hgb,7.2,7.2,g/dL,g/dL,-193 +666714613,2787456,5329,3,RBC,3.47,3.47,M/mcL,M/uL,5342 +633488148,2787456,-204,1,ALT (SGPT),15.0,15,Units/L,U/L,-141 +665199959,2787456,719,3,MCHC,34.3,34.3,g/dL,g/dL,737 +654776550,2787456,1239,3,MCV,85.0,85,fL,fL,1264 +666714618,2787456,5329,3,MCHC,32.9,32.9,g/dL,g/dL,5342 +633488150,2787456,-204,1,chloride,107.0,107,mmol/L,mmol/L,-141 +665199957,2787456,719,3,MCH,29.3,29.3,pg,pg,737 +655370754,2787456,1969,3,PT,13.4,13.4,sec,sec,2004 +666714625,2787456,5329,3,-basos,0.0,0,%,%,5342 +633488140,2787456,-204,1,alkaline phos.,59.0,59,Units/L,U/L,-141 +665199947,2787456,719,3,-lymphs,11.0,11,%,%,737 +661102112,2787456,-205,3,RDW,13.9,13.9,%,%,-193 +666714621,2787456,5329,3,-polys,72.0,72,%,%,5342 +633488141,2787456,-204,1,anion gap,14.9,14.9,,mmol/L,-141 +665199953,2787456,719,3,MCV,85.0,85,fL,fL,737 +654776552,2787456,1239,3,WBC x 1000,14.9,14.9,K/mcL,K/uL,1264 +666714622,2787456,5329,3,-lymphs,21.0,21,%,%,5342 +633488138,2787456,-204,1,potassium,4.2,4.2,mmol/L,mmol/L,-141 +665199956,2787456,719,3,RDW,14.1,14.1,%,%,737 +659171384,2787456,-781,3,Hct,27.7,27.7,%,%,-766 +666714620,2787456,5329,3,platelets x 1000,194.0,194,K/mcL,K/uL,5342 +633488137,2787456,-204,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,-141 +665199955,2787456,719,3,WBC x 1000,12.8,12.8,K/mcL,K/uL,737 +661102109,2787456,-205,3,MCV,86.0,86,fL,fL,-193 +666714616,2787456,5329,3,MCV,89.0,89,fL,fL,5342 +633488143,2787456,-204,1,sodium,139.0,139,mmol/L,mmol/L,-141 +665199954,2787456,719,3,Hgb,9.6,9.6,g/dL,g/dL,737 +654776547,2787456,1239,3,-polys,83.0,83,%,%,1264 +666714623,2787456,5329,3,-monos,5.0,5,%,%,5342 +633488144,2787456,-204,1,albumin,1.9,1.9,g/dL,g/dL,-141 +665199952,2787456,719,3,-eos,0.0,0,%,%,737 +656478664,2787456,2279,3,PT - INR,1.1,1.1,ratio,,2336 +640755916,2787456,2279,1,total protein,4.7,4.7,g/dL,g/dL,2336 +633488145,2787456,-204,1,bicarbonate,21.0,21,mmol/L,mmol/L,-141 +666714615,2787456,5329,3,Hct,30.7,30.7,%,%,5342 +661102108,2787456,-205,3,-eos,0.0,0,%,%,-193 +640755913,2787456,2279,1,sodium,139.0,139,mmol/L,mmol/L,2336 +633488147,2787456,-204,1,calcium,7.3,7.3,mg/dL,mg/dL,-141 +665199958,2787456,719,3,-monos,8.0,8,%,%,737 +654776548,2787456,1239,3,Hct,28.4,28.4,%,%,1264 +640755912,2787456,2279,1,AST (SGOT),23.0,23,Units/L,U/L,2336 +633488146,2787456,-204,1,total protein,4.0,4.0,g/dL,g/dL,-141 +666714617,2787456,5329,3,MCH,29.1,29.1,pg,pg,5342 +659171393,2787456,-781,3,platelets x 1000,128.0,128,K/mcL,K/uL,-766 +640755914,2787456,2279,1,albumin,1.7,1.7,g/dL,g/dL,2336 +647073447,2787456,169,1,LDH,234.0,234,Units/L,U/L,214 +665199948,2787456,719,3,RBC,3.28,3.28,M/mcL,M/uL,737 +661102113,2787456,-205,3,MCH,28.5,28.5,pg,pg,-193 +640755915,2787456,2279,1,bicarbonate,23.0,23,mmol/L,mmol/L,2336 +633488139,2787456,-204,1,creatinine,0.69,0.69,mg/dL,mg/dL,-141 +667967823,2787456,-711,3,PT,25.1,25.1,sec,sec,-658 +654776551,2787456,1239,3,Hgb,9.9,9.9,g/dL,g/dL,1264 +640755917,2787456,2279,1,calcium,7.3,7.3,mg/dL,mg/dL,2336 +631294818,2787456,169,1,AST (SGOT),22.0,22,Units/L,U/L,214 +665199949,2787456,719,3,-basos,0.0,0,%,%,737 +637383857,2787456,2279,1,glucose,62.0,62,mg/dL,mg/dL,2336 +640755907,2787456,2279,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,2336 +655370755,2787456,1969,3,PT - INR,1.0,1.0,ratio,,2004 +666714624,2787456,5329,3,-eos,2.0,2,%,%,5342 +655954538,2787456,719,3,fibrinogen,387.0,387,mg/dL,mg/dL,763 +640755908,2787456,2279,1,potassium,3.5,3.5,mmol/L,mmol/L,2336 +637383858,2787456,2279,1,chloride,105.0,105,mmol/L,mmol/L,2336 +665199950,2787456,719,3,-polys,81.0,81,%,%,737 +630893778,2787456,1055,1,magnesium,2.0,2.0,mg/dL,mg/dL,1080 +640755909,2787456,2279,1,creatinine,0.56,0.56,mg/dL,mg/dL,2336 +657051804,2787456,1239,3,fibrinogen,493.0,493,mg/dL,mg/dL,1290 +667967824,2787456,-711,3,PT - INR,2.4,2.4,ratio,,-658 +636977912,2787456,719,1,magnesium,1.5,1.5,mg/dL,mg/dL,774 +640755911,2787456,2279,1,anion gap,14.7,14.7,,mmol/L,2336 +633488142,2787456,-204,1,AST (SGOT),20.0,20,Units/L,U/L,-141 +665199951,2787456,719,3,Hct,28.0,28.0,%,%,737 +645691393,2787456,169,1,troponin - I,,<0.02,ng/mL,ng/mL,214 +640755910,2787456,2279,1,alkaline phos.,58.0,58,Units/L,U/L,2336 +626791292,2787456,3854,1,magnesium,2.0,2.0,mg/dL,mg/dL,3894 +630615698,2787456,2544,1,magnesium,2.2,2.2,mg/dL,mg/dL,2570 +637383859,2787456,2279,1,BUN,10.0,10,mg/dL,mg/dL,2336 +666714619,2787456,5329,3,RDW,14.6,14.6,%,%,5342 +648577371,2787456,-204,3,PTT,26.8,26.8,sec,sec,9 +640755918,2787456,2279,1,ALT (SGPT),16.0,16,Units/L,U/L,2336 +640336281,2787456,719,1,CPK,221.0,221,Units/L,U/L,774 +633160740,2740390,-717,1,calcium,8.6,8.6,mg/dL,mg/dL,-655 +633160730,2740390,-717,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-655 +633160739,2740390,-717,1,total protein,6.5,6.5,g/dL,g/dL,-655 +633160731,2740390,-717,1,potassium,4.5,4.5,mmol/L,mmol/L,-655 +633160741,2740390,-717,1,ALT (SGPT),10.0,10,Units/L,U/L,-655 +633160732,2740390,-717,1,creatinine,0.84,0.84,mg/dL,mg/dL,-655 +633181286,2740390,25127,1,calcium,9.2,9.2,mg/dL,mg/dL,25181 +633160733,2740390,-717,1,alkaline phos.,43.0,43,Units/L,U/L,-655 +633160742,2740390,-717,1,glucose,146.0,146,mg/dL,mg/dL,-655 +633181282,2740390,25127,1,anion gap,12.7,12.7,,mmol/L,25181 +633160737,2740390,-717,1,albumin,2.5,2.5,g/dL,g/dL,-655 +633181283,2740390,25127,1,glucose,114.0,114,mg/dL,mg/dL,25181 +633160744,2740390,-717,1,BUN,25.0,25,mg/dL,mg/dL,-655 +664448144,2740390,1969,3,MCV,93.0,93,fL,fL,2032 +633160738,2740390,-717,1,bicarbonate,32.0,32,mmol/L,mmol/L,-655 +664448140,2740390,1969,3,-basos,0.0,0,%,%,2032 +633181284,2740390,25127,1,BUN,9.0,9,mg/dL,mg/dL,25181 +664448146,2740390,1969,3,WBC x 1000,9.0,9.0,K/mcL,K/uL,2032 +633181278,2740390,25127,1,sodium,135.0,135,mmol/L,mmol/L,25181 +664448141,2740390,1969,3,-polys,82.0,82,%,%,2032 +633160734,2740390,-717,1,anion gap,8.5,8.5,,mmol/L,-655 +664448139,2740390,1969,3,RBC,2.98,2.98,M/mcL,M/uL,2032 +628212387,2740390,12219,1,anion gap,11.2,11.2,,mmol/L,12262 +664448142,2740390,1969,3,Hct,27.6,27.6,%,%,2032 +633160735,2740390,-717,1,AST (SGOT),12.0,12,Units/L,U/L,-655 +664448138,2740390,1969,3,-lymphs,9.0,9,%,%,2032 +628212385,2740390,12219,1,potassium,3.2,3.2,mmol/L,mmol/L,12262 +664448147,2740390,1969,3,RDW,18.9,18.9,%,%,2032 +633181279,2740390,25127,1,potassium,3.7,3.7,mmol/L,mmol/L,25181 +664448145,2740390,1969,3,Hgb,8.4,8.4,g/dL,g/dL,2032 +628212393,2740390,12219,1,BUN,16.0,16,mg/dL,mg/dL,12262 +664448148,2740390,1969,3,MCH,28.2,28.2,pg,pg,2032 +633181281,2740390,25127,1,bicarbonate,30.0,30,mmol/L,mmol/L,25181 +664448151,2740390,1969,3,platelets x 1000,245.0,245,K/mcL,K/uL,2032 +628212386,2740390,12219,1,creatinine,1.02,1.02,mg/dL,mg/dL,12262 +664448149,2740390,1969,3,-monos,8.0,8,%,%,2032 +633181285,2740390,25127,1,creatinine,0.65,0.65,mg/dL,mg/dL,25181 +664448143,2740390,1969,3,-eos,1.0,1,%,%,2032 +627098429,2740390,3525,1,sodium,145.0,145,mmol/L,mmol/L,3601 +714297840,2740390,4150,7,PEEP,10.0,10.0,cm H2O,,4154 +664448150,2740390,1969,3,MCHC,30.4,30.4,g/dL,g/dL,2032 +714297842,2740390,4150,7,HCO3,29.5,29.5,mmol/L,mmol/L,4154 +628212392,2740390,12219,1,chloride,110.0,110,mmol/L,mmol/L,12262 +714297843,2740390,4150,7,Vent Rate,14.0,14,/min,,4154 +660937878,2740390,1969,3,PT - INR,1.8,1.8,ratio,,2028 +714297839,2740390,4150,7,Peak Airway/Pressure,34.0,34,cm H2O,,4154 +631360277,2740390,4924,1,anion gap,10.9,10.9,,mmol/L,4970 +714297847,2740390,4150,7,Carboxyhemoglobin,1.0,1.0,%,%,4154 +671705691,2740390,7779,4,bedside glucose,126.0,126,mg/dL,mg/dL,7780 +714297844,2740390,4150,7,Methemoglobin,0.3,0.3,%,%,4154 +627098428,2740390,3525,1,anion gap,10.7,10.7,,mmol/L,3601 +714297855,2740390,4150,7,Base Excess,2.3,2.3,mEq/L,mmol/L,4154 +660937877,2740390,1969,3,PT,20.2,20.2,sec,sec,2028 +714297845,2740390,4150,7,FiO2,50.0,50.0,%,,4154 +633181280,2740390,25127,1,chloride,96.0,96,mmol/L,mmol/L,25181 +714297854,2740390,4150,7,Temperature,37.6,37.6,°C,Deg C,4154 +714758242,2740390,726,7,FiO2,100.0,100.0,%,,732 +714297848,2740390,4150,7,paCO2,62.6,62.6,mm Hg,mm(hg),4154 +631360278,2740390,4924,1,sodium,144.0,144,mmol/L,mmol/L,4970 +714297849,2740390,4150,7,O2 Content,11.8,11.8,mls/dL,,4154 +714758241,2740390,726,7,Methemoglobin,0.5,0.5,%,%,732 +714297850,2740390,4150,7,Respiratory Rate,14.0,14.0,/min,,4154 +627098430,2740390,3525,1,bicarbonate,29.0,29,mmol/L,mmol/L,3601 +674055190,2740390,-1333,4,bedside glucose,118.0,118,mg/dL,mg/dL,-1331 +714758240,2740390,726,7,Vent Rate,14.0,14,/min,,732 +714297846,2740390,4150,7,paO2,75.0,75,mm Hg,mm(hg),4154 +628212391,2740390,12219,1,glucose,93.0,93,mg/dL,mg/dL,12262 +673690259,2740390,8501,4,bedside glucose,118.0,118,mg/dL,mg/dL,8502 +714758243,2740390,726,7,paO2,106.0,106,mm Hg,mm(hg),732 +670707765,2740390,22940,4,bedside glucose,140.0,140,mg/dL,mg/dL,22945 +631360279,2740390,4924,1,bicarbonate,29.0,29,mmol/L,mmol/L,4970 +714297851,2740390,4150,7,pH,7.294,7.294,,,4154 +714758239,2740390,726,7,HCO3,26.6,26.6,mmol/L,mmol/L,732 +674159231,2740390,11368,4,bedside glucose,130.0,130,mg/dL,mg/dL,11369 +627098431,2740390,3525,1,calcium,8.4,8.4,mg/dL,mg/dL,3601 +670354307,2740390,1369,3,Hct,26.1,26.1,%,%,1450 +714758244,2740390,726,7,Carboxyhemoglobin,1.5,1.5,%,%,732 +674451141,2740390,18652,4,bedside glucose,173.0,173,mg/dL,mg/dL,18653 +633160743,2740390,-717,1,chloride,107.0,107,mmol/L,mmol/L,-655 +713909407,2740390,1435,7,Carboxyhemoglobin,1.0,1.0,%,%,1443 +671186833,2740390,2266,4,bedside glucose,152.0,152,mg/dL,mg/dL,2267 +714297853,2740390,4150,7,O2 Sat (%),91.0,91,%,%,4154 +631360275,2740390,4924,1,potassium,3.9,3.9,mmol/L,mmol/L,4970 +713909408,2740390,1435,7,paCO2,45.1,45.1,mm Hg,mm(hg),1443 +714758237,2740390,726,7,PEEP,10.0,10.0,cm H2O,,732 +635986752,2740390,6364,1,total protein,6.9,6.9,g/dL,g/dL,6424 +652533548,2740390,449,3,WBC x 1000,13.4,13.4,K/mcL,K/uL,530 +648744684,2740390,16369,3,RBC,3.35,3.35,M/mcL,M/uL,16398 +627098427,2740390,3525,1,creatinine,1.19,1.19,mg/dL,mg/dL,3601 +713909404,2740390,1435,7,Methemoglobin,0.3,0.3,%,%,1443 +652533549,2740390,449,3,RDW,19.1,19.1,%,%,530 +648744685,2740390,16369,3,-basos,0.0,0,%,%,16398 +648759951,2740390,2389,3,Hgb,8.0,8.0,g/dL,g/dL,2411 +635986751,2740390,6364,1,bicarbonate,27.0,27,mmol/L,mmol/L,6424 +652533547,2740390,449,3,Hgb,6.9,6.9,g/dL,g/dL,530 +648744686,2740390,16369,3,-polys,79.0,79,%,%,16398 +628212389,2740390,12219,1,bicarbonate,30.0,30,mmol/L,mmol/L,12262 +713909415,2740390,1435,7,Base Excess,2.4,2.4,mEq/L,mmol/L,1443 +652533550,2740390,449,3,MCH,27.7,27.7,pg,pg,530 +648744683,2740390,16369,3,-lymphs,9.0,9,%,%,16398 +665048338,2740390,19279,3,MCV,94.0,94,fL,fL,19303 +635986750,2740390,6364,1,albumin,2.5,2.5,g/dL,g/dL,6424 +663817499,2740390,-1434,3,PT,17.2,17.2,sec,sec,-1410 +648744687,2740390,16369,3,Hct,32.2,32.2,%,%,16398 +631360282,2740390,4924,1,chloride,108.0,108,mmol/L,mmol/L,4970 +713909405,2740390,1435,7,FiO2,60.0,60.0,%,,1443 +628220767,2740390,1969,1,glucose,159.0,159,mg/dL,mg/dL,2039 +651706328,2740390,10639,3,RBC,3.21,3.21,M/mcL,M/uL,10671 +665048337,2740390,19279,3,-eos,7.0,7,%,%,19303 +635986749,2740390,6364,1,sodium,142.0,142,mmol/L,mmol/L,6424 +663817500,2740390,-1434,3,PT - INR,1.5,1.5,ratio,,-1410 +648744695,2740390,16369,3,MCHC,28.9,28.9,g/dL,g/dL,16398 +627093304,2740390,25127,1,magnesium,2.2,2.2,mg/dL,mg/dL,25181 +713909402,2740390,1435,7,HCO3,27.2,27.2,mmol/L,mmol/L,1443 +652533546,2740390,449,3,MCV,97.0,97,fL,fL,530 +651706337,2740390,10639,3,MCH,27.4,27.4,pg,pg,10671 +665048340,2740390,19279,3,WBC x 1000,8.1,8.1,K/mcL,K/uL,19303 +635986753,2740390,6364,1,calcium,8.1,8.1,mg/dL,mg/dL,6424 +663968477,2740390,-1434,3,PTT,34.2,34.2,sec,sec,-1409 +648744696,2740390,16369,3,platelets x 1000,307.0,307,K/mcL,K/uL,16398 +633160736,2740390,-717,1,sodium,143.0,143,mmol/L,mmol/L,-655 +713909403,2740390,1435,7,Vent Rate,14.0,14,/min,,1443 +628220768,2740390,1969,1,chloride,110.0,110,mmol/L,mmol/L,2039 +651706338,2740390,10639,3,-monos,6.0,6,%,%,10671 +665048334,2740390,19279,3,-basos,1.0,1,%,%,19303 +635986757,2740390,6364,1,BUN,23.0,23,mg/dL,mg/dL,6424 +664644510,2740390,1408,3,Hct,24.5,24.5,%,%,1553 +645600543,2740390,4150,1,lactate,1.2,1.2,mmol/L,mmol/L,4154 +631360276,2740390,4924,1,creatinine,1.46,1.46,mg/dL,mg/dL,4970 +713909411,2740390,1435,7,pH,7.402,7.402,,,1443 +652533544,2740390,449,3,Hct,24.2,24.2,%,%,530 +648744694,2740390,16369,3,-monos,7.0,7,%,%,16398 +665048341,2740390,19279,3,RDW,18.1,18.1,%,%,19303 +635986756,2740390,6364,1,chloride,107.0,107,mmol/L,mmol/L,6424 +664248331,2740390,7089,3,Hgb,9.2,9.2,g/dL,g/dL,7105 +645600542,2740390,4150,1,ionized calcium,1.13,1.13,mg/dL,mmol/L,4154 +627098426,2740390,3525,1,potassium,3.7,3.7,mmol/L,mmol/L,3601 +713909413,2740390,1435,7,O2 Sat (%),96.0,96,%,%,1443 +628220763,2740390,1969,1,anion gap,8.7,8.7,,mmol/L,2039 +651706339,2740390,10639,3,MCHC,28.9,28.9,g/dL,g/dL,10671 +665048335,2740390,19279,3,-polys,72.0,72,%,%,19303 +635986743,2740390,6364,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,6424 +667731343,2740390,9304,3,-eos,5.0,5,%,%,9332 +672342192,2740390,12887,4,bedside glucose,155.0,155,mg/dL,mg/dL,12888 +628212388,2740390,12219,1,sodium,148.0,148,mmol/L,mmol/L,12262 +713909414,2740390,1435,7,Temperature,38.0,38.0,°C,Deg C,1443 +652533545,2740390,449,3,-eos,1.0,1,%,%,531 +645600540,2740390,4150,1,potassium,4.1,4.1,mmol/L,mmol/L,4154 +665048336,2740390,19279,3,Hct,33.7,33.7,%,%,19303 +635986744,2740390,6364,1,potassium,3.7,3.7,mmol/L,mmol/L,6424 +667731342,2740390,9304,3,Hct,29.5,29.5,%,%,9332 +648744689,2740390,16369,3,MCV,96.0,96,fL,fL,16398 +631360283,2740390,4924,1,BUN,21.0,21,mg/dL,mg/dL,4970 +713909406,2740390,1435,7,paO2,89.0,89,mm Hg,mm(hg),1443 +628220764,2740390,1969,1,sodium,146.0,146,mmol/L,mmol/L,2039 +672391596,2740390,9961,4,bedside glucose,77.0,77,mg/dL,mg/dL,9963 +665048345,2740390,19279,3,platelets x 1000,361.0,361,K/mcL,K/uL,19303 +635986746,2740390,6364,1,alkaline phos.,42.0,42,Units/L,U/L,6424 +667731344,2740390,9304,3,MCV,96.0,96,fL,fL,9332 +645600541,2740390,4150,1,sodium,142.0,142,mmol/L,mmol/L,4154 +624910045,2740390,12994,1,potassium,3.4,3.4,mmol/L,mmol/L,13014 +637794658,2740390,2476,1,sodium,143.0,143,mmol/L,mmol/L,2479 +652533541,2740390,449,3,RBC,2.49,2.49,M/mcL,M/uL,530 +713909409,2740390,1435,7,O2 Content,13.1,13.1,mls/dL,,1443 +627098432,2740390,3525,1,glucose,157.0,157,mg/dL,mg/dL,3601 +713663511,2740390,451,7,O2 Sat (%),88.0,88,%,%,457 +667731345,2740390,9304,3,Hgb,8.6,8.6,g/dL,g/dL,9332 +651706329,2740390,10639,3,-basos,0.0,0,%,%,10671 +672053851,2740390,18878,4,bedside glucose,171.0,171,mg/dL,mg/dL,19584 +637794659,2740390,2476,1,ionized calcium,1.17,1.17,mg/dL,mmol/L,2479 +628220769,2740390,1969,1,BUN,23.0,23,mg/dL,mg/dL,2039 +635986745,2740390,6364,1,creatinine,1.46,1.46,mg/dL,mg/dL,6424 +665048344,2740390,19279,3,MCHC,29.1,29.1,g/dL,g/dL,19303 +713663512,2740390,451,7,Temperature,36.8,36.8,°C,Deg C,457 +667731338,2740390,9304,3,-lymphs,8.0,8,%,%,9332 +642934303,2740390,23895,1,sodium,134.0,134,mmol/L,mmol/L,23942 +672422316,2740390,17401,4,bedside glucose,188.0,188,mg/dL,mg/dL,17623 +637794660,2740390,2476,1,lactate,1.3,1.3,mmol/L,mmol/L,2479 +652533542,2740390,449,3,-basos,0.0,0,%,%,531 +713909400,2740390,1435,7,Peak Airway/Pressure,34.0,34,cm H2O,,1443 +627918499,2740390,13579,1,potassium,3.8,3.8,mmol/L,mmol/L,13646 +713663505,2740390,451,7,Carboxyhemoglobin,1.6,1.6,%,%,457 +667731339,2740390,9304,3,RBC,3.09,3.09,M/mcL,M/uL,9332 +648744690,2740390,16369,3,Hgb,9.3,9.3,g/dL,g/dL,16398 +672137616,2740390,21780,4,bedside glucose,137.0,137,mg/dL,mg/dL,21800 +673368423,2740390,8036,4,bedside glucose,120.0,120,mg/dL,mg/dL,8043 +628220765,2740390,1969,1,bicarbonate,31.0,31,mmol/L,mmol/L,2039 +635986755,2740390,6364,1,glucose,177.0,177,mg/dL,mg/dL,6424 +665048333,2740390,19279,3,RBC,3.57,3.57,M/mcL,M/uL,19303 +713663506,2740390,451,7,paCO2,66.7,66.7,mm Hg,mm(hg),457 +667731340,2740390,9304,3,-basos,0.0,0,%,%,9332 +635537134,2740390,19669,1,BUN,19.0,19,mg/dL,mg/dL,19706 +673958058,2740390,24684,4,bedside glucose,127.0,127,mg/dL,mg/dL,24704 +637794657,2740390,2476,1,potassium,3.7,3.7,mmol/L,mmol/L,2479 +663472943,2740390,14934,3,MCHC,28.5,28.5,g/dL,g/dL,15107 +713909410,2740390,1435,7,Respiratory Rate,14.0,14.0,/min,,1443 +652533553,2740390,449,3,platelets x 1000,311.0,311,K/mcL,K/uL,530 +713663507,2740390,451,7,O2 Content,9.6,9.6,mls/dL,,457 +631360280,2740390,4924,1,calcium,7.8,7.8,mg/dL,mg/dL,4970 +651706336,2740390,10639,3,RDW,18.7,18.7,%,%,10671 +663472931,2740390,14934,3,-lymphs,9.0,9,%,%,15107 +633609690,2740390,16902,1,lactate,1.2,1.2,mmol/L,mmol/L,16906 +667731341,2740390,9304,3,-polys,81.0,81,%,%,9332 +631737006,2740390,6415,1,sodium,141.0,141,mmol/L,mmol/L,6420 +671796817,2740390,14595,4,bedside glucose,229.0,229,mg/dL,mg/dL,14599 +713663504,2740390,451,7,paO2,67.0,67,mm Hg,mm(hg),457 +663472940,2740390,14934,3,RDW,18.6,18.6,%,%,15107 +642934310,2740390,23895,1,creatinine,0.64,0.64,mg/dL,mg/dL,23942 +628220766,2740390,1969,1,calcium,8.3,8.3,mg/dL,mg/dL,2039 +673580772,2740390,15238,4,bedside glucose,236.0,236,mg/dL,mg/dL,15239 +627949051,2740390,17854,1,magnesium,2.0,2.0,mg/dL,mg/dL,17906 +671508405,2740390,17186,4,bedside glucose,223.0,223,mg/dL,mg/dL,17187 +663472932,2740390,14934,3,RBC,3.27,3.27,M/mcL,M/uL,15107 +713663508,2740390,451,7,Respiratory Rate,15.0,15.0,/min,,457 +667731346,2740390,9304,3,WBC x 1000,8.8,8.8,K/mcL,K/uL,9332 +649999523,2740390,17854,3,platelets x 1000,328.0,328,K/mcL,K/uL,17880 +665048343,2740390,19279,3,-monos,5.0,5,%,%,19303 +633609689,2740390,16902,1,ionized calcium,1.18,1.18,mg/dL,mmol/L,16906 +663472941,2740390,14934,3,MCH,27.2,27.2,pg,pg,15107 +648744691,2740390,16369,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,16398 +652533552,2740390,449,3,MCHC,28.5,28.5,g/dL,g/dL,530 +713663502,2740390,451,7,Methemoglobin,0.3,0.3,%,%,457 +671622400,2740390,24395,4,bedside glucose,102.0,102,mg/dL,mg/dL,24420 +635986748,2740390,6364,1,AST (SGOT),43.0,43,Units/L,U/L,6424 +663472933,2740390,14934,3,-basos,0.0,0,%,%,15107 +673385401,2740390,23808,4,bedside glucose,113.0,113,mg/dL,mg/dL,24086 +667731351,2740390,9304,3,platelets x 1000,227.0,227,K/mcL,K/uL,9332 +649999521,2740390,17854,3,-monos,6.0,6,%,%,17880 +627098433,2740390,3525,1,chloride,109.0,109,mmol/L,mmol/L,3601 +713663503,2740390,451,7,FiO2,100.0,100.0,%,,457 +663472942,2740390,14934,3,-monos,6.0,6,%,%,15107 +635537126,2740390,19669,1,potassium,3.5,3.5,mmol/L,mmol/L,19706 +628220761,2740390,1969,1,potassium,3.7,3.7,mmol/L,mmol/L,2039 +637171376,2740390,15460,1,lactate,1.1,1.1,mmol/L,mmol/L,15463 +671569341,2740390,4269,4,bedside glucose,162.0,162,mg/dL,mg/dL,4275 +671483293,2740390,14299,4,bedside glucose,183.0,183,mg/dL,mg/dL,14300 +663472944,2740390,14934,3,platelets x 1000,303.0,303,K/mcL,K/uL,15107 +639772776,2740390,86,1,sodium,140.0,140,mmol/L,mmol/L,90 +667731350,2740390,9304,3,MCHC,29.2,29.2,g/dL,g/dL,9332 +649999511,2740390,17854,3,RBC,3.45,3.45,M/mcL,M/uL,17880 +665048332,2740390,19279,3,-lymphs,15.0,15,%,%,19303 +633609688,2740390,16902,1,sodium,144.0,144,mmol/L,mmol/L,16906 +663472934,2740390,14934,3,-polys,80.0,80,%,%,15107 +651706327,2740390,10639,3,-lymphs,7.0,7,%,%,10671 +652533540,2740390,449,3,-lymphs,9.0,9,%,%,531 +713663500,2740390,451,7,Base Deficit,0.9,0.9,mEq/L,mmol/L,457 +658668455,2740390,7089,3,Hct,31.3,31.3,%,%,7105 +631737007,2740390,6415,1,ionized calcium,1.15,1.15,mg/dL,mmol/L,6420 +663472935,2740390,14934,3,Hct,31.2,31.2,%,%,15107 +637171374,2740390,15460,1,sodium,145.0,145,mmol/L,mmol/L,15463 +667731347,2740390,9304,3,RDW,19.1,19.1,%,%,9332 +649999510,2740390,17854,3,-lymphs,10.0,10,%,%,17880 +628212390,2740390,12219,1,calcium,8.5,8.5,mg/dL,mg/dL,12262 +639772777,2740390,86,1,ionized calcium,1.21,1.21,mg/dL,mmol/L,90 +663472937,2740390,14934,3,MCV,95.0,95,fL,fL,15107 +661341680,2740390,25127,3,MCHC,30.0,30.0,g/dL,g/dL,25160 +628220762,2740390,1969,1,creatinine,1.24,1.24,mg/dL,mg/dL,2039 +673948268,2740390,-756,4,bedside glucose,142.0,142,mg/dL,mg/dL,-646 +658770386,2740390,1369,3,Hgb,7.9,7.9,g/dL,g/dL,1450 +672570266,2740390,174,4,bedside glucose,159.0,159,mg/dL,mg/dL,180 +663472936,2740390,14934,3,-eos,5.0,5,%,%,15107 +713663497,2740390,451,7,PEEP,10.0,10.0,cm H2O,,457 +667731348,2740390,9304,3,MCH,27.8,27.8,pg,pg,9332 +649999513,2740390,17854,3,-polys,78.0,78,%,%,17880 +665048339,2740390,19279,3,Hgb,9.8,9.8,g/dL,g/dL,19303 +637171373,2740390,15460,1,potassium,3.8,3.8,mmol/L,mmol/L,15463 +636126161,2740390,22176,1,creatinine,0.78,0.78,mg/dL,mg/dL,22270 +642934308,2740390,23895,1,glucose,105.0,105,mg/dL,mg/dL,23942 +652533543,2740390,449,3,-polys,83.0,83,%,%,531 +639772775,2740390,86,1,potassium,4.7,4.7,mmol/L,mmol/L,90 +673518415,2740390,7077,4,bedside glucose,156.0,156,mg/dL,mg/dL,7078 +635986747,2740390,6364,1,anion gap,11.7,11.7,,mmol/L,6424 +663472938,2740390,14934,3,Hgb,8.9,8.9,g/dL,g/dL,15107 +633609687,2740390,16902,1,potassium,3.6,3.6,mmol/L,mmol/L,16906 +666611396,2740390,989,3,Hct,27.0,27.0,%,%,1088 +629915262,2740390,10639,1,anion gap,11.8,11.8,,mmol/L,10674 +631360281,2740390,4924,1,glucose,181.0,181,mg/dL,mg/dL,4970 +713663509,2740390,451,7,pH,7.226,7.226,,,457 +636126160,2740390,22176,1,BUN,14.0,14,mg/dL,mg/dL,22270 +661341681,2740390,25127,3,RDW,18.6,18.6,%,%,25160 +671228455,2740390,11691,4,bedside glucose,130.0,130,mg/dL,mg/dL,11854 +653460962,2740390,3969,3,PT - INR,1.6,1.6,ratio,,4044 +673215906,2740390,2741,4,bedside glucose,179.0,179,mg/dL,mg/dL,2743 +672699688,2740390,8808,4,bedside glucose,106.0,106,mg/dL,mg/dL,8984 +663472939,2740390,14934,3,WBC x 1000,8.4,8.4,K/mcL,K/uL,15107 +639772778,2740390,86,1,lactate,1.5,1.5,mmol/L,mmol/L,90 +673009913,2740390,7551,4,bedside glucose,144.0,144,mg/dL,mg/dL,7552 +649999522,2740390,17854,3,MCHC,29.0,29.0,g/dL,g/dL,17880 +665048342,2740390,19279,3,MCH,27.5,27.5,pg,pg,19303 +637171375,2740390,15460,1,ionized calcium,1.17,1.17,mg/dL,mmol/L,15463 +633854718,2740390,11869,1,potassium,3.4,3.4,mmol/L,mmol/L,11921 +648744692,2740390,16369,3,RDW,18.6,18.6,%,%,16398 +667731349,2740390,9304,3,-monos,6.0,6,%,%,9332 +670982806,2740390,19581,4,bedside glucose,120.0,120,mg/dL,mg/dL,19584 +673488910,2740390,-1235,4,bedside glucose,98.0,98,mg/dL,mg/dL,-1169 +631737008,2740390,6415,1,lactate,1.2,1.2,mmol/L,mmol/L,6420 +636126162,2740390,22176,1,calcium,8.7,8.7,mg/dL,mg/dL,22270 +653460961,2740390,3969,3,PT,18.1,18.1,sec,sec,4044 +652533551,2740390,449,3,-monos,7.0,7,%,%,531 +629915263,2740390,10639,1,sodium,146.0,146,mmol/L,mmol/L,10674 +627098434,2740390,3525,1,BUN,20.0,20,mg/dL,mg/dL,3601 +713663499,2740390,451,7,HCO3,27.1,27.1,mmol/L,mmol/L,457 +629584926,2740390,17854,1,potassium,3.5,3.5,mmol/L,mmol/L,17906 +661341682,2740390,25127,3,platelets x 1000,336.0,336,K/mcL,K/uL,25160 +631858436,2740390,2726,1,potassium,3.5,3.5,mmol/L,mmol/L,2760 +644626676,2740390,12219,1,magnesium,1.9,1.9,mg/dL,mg/dL,12262 +672936263,2740390,5606,4,bedside glucose,176.0,176,mg/dL,mg/dL,5607 +672776990,2740390,3060,4,bedside glucose,162.0,162,mg/dL,mg/dL,3062 +625295263,2740390,20665,1,potassium,3.4,3.4,mmol/L,mmol/L,20729 +670946295,2740390,-28,4,bedside glucose,143.0,143,mg/dL,mg/dL,763 +670643520,2740390,6603,4,bedside glucose,173.0,173,mg/dL,mg/dL,6606 +655043249,2740390,20665,3,WBC x 1000,8.2,8.2,K/mcL,K/uL,20699 +649999517,2740390,17854,3,Hgb,9.6,9.6,g/dL,g/dL,17880 +655043250,2740390,20665,3,RBC,3.59,3.59,M/mcL,M/uL,20699 +645492237,2740390,-717,1,magnesium,1.8,1.8,mg/dL,mg/dL,-655 +655043251,2740390,20665,3,Hgb,9.9,9.9,g/dL,g/dL,20699 +635537127,2740390,19669,1,creatinine,0.87,0.87,mg/dL,mg/dL,19706 +708672396,2740390,12142,7,O2 Content,13.6,13.6,mls/dL,,12146 +650964029,2740390,2904,3,Hct,26.2,26.2,%,%,2921 +655043252,2740390,20665,3,Hct,33.4,33.4,%,%,20699 +669095465,2740390,7769,3,Hgb,9.0,9.0,g/dL,g/dL,7790 +708672400,2740390,12142,7,O2 Sat (%),93.0,93,%,%,12146 +644790759,2740390,4924,1,magnesium,2.1,2.1,mg/dL,mg/dL,4970 +655043253,2740390,20665,3,MCV,93.0,93,fL,fL,20699 +629915267,2740390,10639,1,chloride,111.0,111,mmol/L,mmol/L,10674 +708672397,2740390,12142,7,Respiratory Rate,18.0,18.0,/min,,12146 +670768841,2740390,13821,4,bedside glucose,185.0,185,mg/dL,mg/dL,13821 +709062119,2740390,6415,7,Vent Rate,16.0,16,/min,,6420 +661341677,2740390,25127,3,Hct,36.0,36.0,%,%,25160 +655043254,2740390,20665,3,MCH,27.6,27.6,pg,pg,20699 +652504571,2740390,3969,3,Hgb,8.3,8.3,g/dL,g/dL,3987 +709062117,2740390,6415,7,HCO3,22.6,22.6,mmol/L,mmol/L,6420 +673109732,2740390,15998,4,bedside glucose,226.0,226,mg/dL,mg/dL,16003 +708672394,2740390,12142,7,Carboxyhemoglobin,1.1,1.1,%,%,12146 +713663501,2740390,451,7,Vent Rate,14.0,14,/min,,457 +709062120,2740390,6415,7,Methemoglobin,0.4,0.4,%,%,6420 +649999518,2740390,17854,3,WBC x 1000,8.8,8.8,K/mcL,K/uL,17880 +655043262,2740390,20665,3,-basos,0.0,0,%,%,20699 +674197511,2740390,10644,4,bedside glucose,112.0,112,mg/dL,mg/dL,10645 +709062118,2740390,6415,7,Base Deficit,2.5,2.5,mEq/L,mmol/L,6420 +651706340,2740390,10639,3,platelets x 1000,234.0,234,K/mcL,K/uL,10671 +708672395,2740390,12142,7,paCO2,47.2,47.2,mm Hg,mm(hg),12146 +665872818,2740390,2389,3,Hct,26.2,26.2,%,%,2411 +709062114,2740390,6415,7,Peak Airway/Pressure,34.0,34,cm H2O,,6420 +627193257,2740390,2726,1,troponin - I,0.18,0.18,ng/mL,ng/mL,2760 +642998161,2740390,-1434,1,triglycerides,90.0,90,mg/dL,mg/dL,-1346 +631737005,2740390,6415,1,potassium,3.8,3.8,mmol/L,mmol/L,6420 +647565266,2740390,714,1,magnesium,2.2,2.2,mg/dL,mg/dL,809 +649437041,2740390,762,3,RDW,19.1,19.1,%,%,785 +654794484,2740390,6364,3,WBC x 1000,11.2,11.2,K/mcL,K/uL,6388 +629915265,2740390,10639,1,calcium,8.3,8.3,mg/dL,mg/dL,10674 +709062121,2740390,6415,7,FiO2,50.0,50.0,%,,6420 +649437040,2740390,762,3,WBC x 1000,13.1,13.1,K/mcL,K/uL,785 +655043260,2740390,20665,3,-monos,7.0,7,%,%,20699 +661341679,2740390,25127,3,MCH,28.1,28.1,pg,pg,25160 +637377321,2740390,9304,1,potassium,3.5,3.5,mmol/L,mmol/L,9346 +649437042,2740390,762,3,MCH,27.3,27.3,pg,pg,785 +708672401,2740390,12142,7,Temperature,37.8,37.8,°C,Deg C,12146 +673800235,2740390,7321,4,bedside glucose,144.0,144,mg/dL,mg/dL,7322 +709062115,2740390,6415,7,PEEP,10.0,10.0,cm H2O,,6420 +649437043,2740390,762,3,MCHC,29.0,29.0,g/dL,g/dL,785 +642998162,2740390,-1434,1,total cholesterol,82.0,82,mg/dL,mg/dL,-1346 +649999519,2740390,17854,3,RDW,18.1,18.1,%,%,17880 +637377325,2740390,9304,1,bicarbonate,28.0,28,mmol/L,mmol/L,9346 +649437044,2740390,762,3,platelets x 1000,288.0,288,K/mcL,K/uL,785 +654794481,2740390,6364,3,Hct,30.6,30.6,%,%,6388 +642934311,2740390,23895,1,calcium,8.6,8.6,mg/dL,mg/dL,23942 +709062127,2740390,6415,7,pH,7.356,7.356,,,6420 +649437036,2740390,762,3,RBC,2.78,2.78,M/mcL,M/uL,785 +655043261,2740390,20665,3,-eos,6.0,6,%,%,20699 +635986754,2740390,6364,1,ALT (SGPT),14.0,14,Units/L,U/L,6424 +637377322,2740390,9304,1,creatinine,1.14,1.14,mg/dL,mg/dL,9346 +649437037,2740390,762,3,Hct,26.2,26.2,%,%,785 +708672393,2740390,12142,7,paO2,71.0,71,mm Hg,mm(hg),12146 +629915268,2740390,10639,1,BUN,19.0,19,mg/dL,mg/dL,10674 +709062125,2740390,6415,7,O2 Content,13.0,13.0,mls/dL,,6420 +649437038,2740390,762,3,MCV,94.0,94,fL,fL,785 +642998163,2740390,-1434,1,HDL,44.0,44,mg/dL,mg/dL,-1346 +661341678,2740390,25127,3,MCV,94.0,94,fL,fL,25160 +637377328,2740390,9304,1,chloride,112.0,112,mmol/L,mmol/L,9346 +649437039,2740390,762,3,Hgb,7.6,7.6,g/dL,g/dL,785 +654794487,2740390,6364,3,MCHC,29.1,29.1,g/dL,g/dL,6388 +673505112,2740390,3241,4,bedside glucose,159.0,159,mg/dL,mg/dL,3243 +709062129,2740390,6415,7,O2 Sat (%),92.0,92,%,%,6420 +639950383,2740390,22176,1,sodium,135.0,135,mmol/L,mmol/L,22270 +655043255,2740390,20665,3,MCHC,29.6,29.6,g/dL,g/dL,20699 +649999512,2740390,17854,3,-basos,0.0,0,%,%,17880 +637377329,2740390,9304,1,BUN,20.0,20,mg/dL,mg/dL,9346 +639950384,2740390,22176,1,potassium,3.8,3.8,mmol/L,mmol/L,22270 +708672389,2740390,12142,7,HCO3,28.3,28.3,mmol/L,mmol/L,12146 +648744693,2740390,16369,3,MCH,27.8,27.8,pg,pg,16398 +673797764,2740390,-484,4,bedside glucose,164.0,164,mg/dL,mg/dL,-481 +639950388,2740390,22176,1,glucose,131.0,131,mg/dL,mg/dL,22270 +642998160,2740390,-1434,1,LDL,20.0,20,mg/dL,mg/dL,-1346 +671401814,2740390,14999,4,bedside glucose,232.0,232,mg/dL,mg/dL,15001 +709062126,2740390,6415,7,Respiratory Rate,16.0,16.0,/min,,6420 +639950387,2740390,22176,1,anion gap,9.8,9.8,,mmol/L,22270 +654794482,2740390,6364,3,MCV,96.0,96,fL,fL,6388 +629915266,2740390,10639,1,glucose,107.0,107,mg/dL,mg/dL,10674 +709769784,2740390,16902,7,Respiratory Rate,34.0,34.0,/min,,16906 +639950385,2740390,22176,1,chloride,96.0,96,mmol/L,mmol/L,22270 +655043257,2740390,20665,3,platelets x 1000,359.0,359,K/mcL,K/uL,20699 +661341683,2740390,25127,3,-polys,73.0,73,%,%,25160 +637377323,2740390,9304,1,anion gap,11.5,11.5,,mmol/L,9346 +639578326,2740390,7769,1,magnesium,2.2,2.2,mg/dL,mg/dL,7909 +708672390,2740390,12142,7,Vent Rate,14.0,14,/min,,12146 +673041797,2740390,14872,4,bedside glucose,215.0,215,mg/dL,mg/dL,14876 +709769778,2740390,16902,7,Methemoglobin,0.4,0.4,%,%,16906 +639950386,2740390,22176,1,bicarbonate,33.0,33,mmol/L,mmol/L,22270 +672146445,2740390,9225,4,bedside glucose,83.0,83,mg/dL,mg/dL,9699 +649999520,2740390,17854,3,MCH,27.8,27.8,pg,pg,17880 +709062122,2740390,6415,7,paO2,72.0,72,mm Hg,mm(hg),6420 +660772399,2740390,22176,3,-polys,75.0,75,%,%,22212 +654794485,2740390,6364,3,RDW,18.9,18.9,%,%,6388 +635537128,2740390,19669,1,anion gap,8.5,8.5,,mmol/L,19706 +709769779,2740390,16902,7,FiO2,40.0,40.0,%,,16906 +660772396,2740390,22176,3,MCHC,29.8,29.8,g/dL,g/dL,22212 +655043258,2740390,20665,3,-polys,75.0,75,%,%,20699 +673300449,2740390,21558,4,bedside glucose,172.0,172,mg/dL,mg/dL,21780 +711383244,2740390,2476,7,Methemoglobin,0.3,0.3,%,%,2479 +660772397,2740390,22176,3,RDW,18.3,18.3,%,%,22212 +637377326,2740390,9304,1,calcium,8.1,8.1,mg/dL,mg/dL,9346 +629915260,2740390,10639,1,potassium,3.8,3.8,mmol/L,mmol/L,10674 +708672387,2740390,12142,7,PEEP,8.0,8.0,cm H2O,,12146 +660772398,2740390,22176,3,platelets x 1000,333.0,333,K/mcL,K/uL,22212 +711383243,2740390,2476,7,Vent Rate,14.0,14,/min,,2479 +661341676,2740390,25127,3,Hgb,10.8,10.8,g/dL,g/dL,25160 +709769789,2740390,16902,7,Base Excess,11.0,11.0,mEq/L,mmol/L,16906 +660772401,2740390,22176,3,-monos,6.0,6,%,%,22212 +671630486,2740390,2161,4,bedside glucose,161.0,161,mg/dL,mg/dL,2233 +673089538,2740390,19112,4,bedside glucose,144.0,144,mg/dL,mg/dL,19584 +711383245,2740390,2476,7,FiO2,60.0,60.0,%,,2479 +660772400,2740390,22176,3,-lymphs,13.0,13,%,%,22212 +709062123,2740390,6415,7,Carboxyhemoglobin,0.8,0.8,%,%,6420 +649999514,2740390,17854,3,Hct,33.1,33.1,%,%,17880 +654794483,2740390,6364,3,Hgb,8.9,8.9,g/dL,g/dL,6388 +660473552,2740390,7769,3,PT,17.3,17.3,sec,sec,7811 +709769777,2740390,16902,7,HCO3,37.8,37.8,mmol/L,mmol/L,16906 +660772394,2740390,22176,3,MCV,93.0,93,fL,fL,22212 +670786481,2740390,4445,4,bedside glucose,150.0,150,mg/dL,mg/dL,4447 +625074195,2740390,11134,1,potassium,3.7,3.7,mmol/L,mmol/L,11214 +711154153,2740390,15460,7,Methemoglobin,0.4,0.4,%,%,15463 +660772402,2740390,22176,3,-eos,6.0,6,%,%,22212 +637377327,2740390,9304,1,glucose,80.0,80,mg/dL,mg/dL,9346 +629915264,2740390,10639,1,bicarbonate,27.0,27,mmol/L,mmol/L,10674 +708672402,2740390,12142,7,Base Excess,3.2,3.2,mEq/L,mmol/L,12146 +660772395,2740390,22176,3,MCH,27.9,27.9,pg,pg,22212 +711154149,2740390,15460,7,PEEP,5.0,5.0,cm H2O,,15463 +661341684,2740390,25127,3,-lymphs,14.0,14,%,%,25160 +631411720,2740390,15867,1,potassium,3.6,3.6,mmol/L,mmol/L,15900 +660473553,2740390,7769,3,PT - INR,1.5,1.5,ratio,,7811 +644541583,2740390,1435,1,lactate,1.5,1.5,mmol/L,mmol/L,1443 +670952255,2740390,22465,4,bedside glucose,118.0,118,mg/dL,mg/dL,22533 +711154151,2740390,15460,7,HCO3,36.3,36.3,mmol/L,mmol/L,15463 +660772390,2740390,22176,3,WBC x 1000,7.3,7.3,K/mcL,K/uL,22212 +709769788,2740390,16902,7,Temperature,37.5,37.5,°C,Deg C,16906 +649999515,2740390,17854,3,-eos,6.0,6,%,%,17880 +654794488,2740390,6364,3,platelets x 1000,219.0,219,K/mcL,K/uL,6388 +660772391,2740390,22176,3,RBC,3.66,3.66,M/mcL,M/uL,22212 +711383242,2740390,2476,7,HCO3,28.7,28.7,mmol/L,mmol/L,2479 +642934309,2740390,23895,1,BUN,10.0,10,mg/dL,mg/dL,23942 +631162860,2740390,-8,1,sodium,142.0,142,mmol/L,mmol/L,40 +660772392,2740390,22176,3,Hgb,10.2,10.2,g/dL,g/dL,22212 +652118718,2740390,7769,3,Hct,31.5,31.5,%,%,7790 +673276612,2740390,1430,4,bedside glucose,177.0,177,mg/dL,mg/dL,1432 +711154155,2740390,15460,7,paO2,75.0,75,mm Hg,mm(hg),15463 +666044162,2740390,-8,3,RDW,19.4,19.4,%,%,23 +709062124,2740390,6415,7,paCO2,41.7,41.7,mm Hg,mm(hg),6420 +629915261,2740390,10639,1,creatinine,1.13,1.13,mg/dL,mg/dL,10674 +708672391,2740390,12142,7,Methemoglobin,0.3,0.3,%,%,12146 +660772393,2740390,22176,3,Hct,34.2,34.2,%,%,22212 +711383246,2740390,2476,7,paO2,98.0,98,mm Hg,mm(hg),2479 +661341685,2740390,25127,3,-monos,7.0,7,%,%,25160 +631162863,2740390,-8,1,total protein,7.2,7.2,g/dL,g/dL,40 +666044163,2740390,-8,3,MCH,27.7,27.7,pg,pg,23 +655043259,2740390,20665,3,-lymphs,12.0,12,%,%,20699 +632368669,2740390,10639,1,magnesium,2.1,2.1,mg/dL,mg/dL,10674 +711154152,2740390,15460,7,Vent Rate,10.0,10,/min,,15463 +660772403,2740390,22176,3,-basos,0.0,0,%,%,22212 +709769780,2740390,16902,7,paO2,84.0,84,mm Hg,mm(hg),16906 +649999516,2740390,17854,3,MCV,96.0,96,fL,fL,17880 +654794480,2740390,6364,3,RBC,3.2,3.20,M/mcL,M/uL,6388 +666044164,2740390,-8,3,-monos,8.0,8,%,%,196 +711154163,2740390,15460,7,Temperature,37.2,37.2,°C,Deg C,15463 +648744688,2740390,16369,3,-eos,5.0,5,%,%,16398 +631162858,2740390,-8,1,anion gap,15.0,15,,mmol/L,40 +626099972,2740390,12142,1,ionized calcium,1.17,1.17,mg/dL,mmol/L,12146 +644541581,2740390,1435,1,sodium,143.0,143,mmol/L,mmol/L,1443 +640272815,2740390,726,1,ionized calcium,1.25,1.25,mg/dL,mmol/L,732 +711154164,2740390,15460,7,Base Excess,10.0,10.0,mEq/L,mmol/L,15463 +666044161,2740390,-8,3,WBC x 1000,15.0,15.0,K/mcL,K/uL,23 +636411087,2740390,714,1,lactate,1.8,1.8,mmol/L,mmol/L,782 +661341674,2740390,25127,3,WBC x 1000,7.7,7.7,K/mcL,K/uL,25160 +708672398,2740390,12142,7,pH,7.399,7.399,,,12146 +712131145,2740390,86,7,O2 Content,10.1,10.1,mls/dL,,90 +711383247,2740390,2476,7,Carboxyhemoglobin,0.7,0.7,%,%,2479 +640272813,2740390,726,1,potassium,4.1,4.1,mmol/L,mmol/L,732 +631162854,2740390,-8,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,40 +666044165,2740390,-8,3,MCHC,28.4,28.4,g/dL,g/dL,23 +663707614,2740390,4443,3,Hct,29.1,29.1,%,%,4457 +635537129,2740390,19669,1,sodium,138.0,138,mmol/L,mmol/L,19706 +711154156,2740390,15460,7,Carboxyhemoglobin,0.8,0.8,%,%,15463 +626099973,2740390,12142,1,lactate,1.1,1.1,mmol/L,mmol/L,12146 +709769781,2740390,16902,7,Carboxyhemoglobin,1.3,1.3,%,%,16906 +640272814,2740390,726,1,sodium,142.0,142,mmol/L,mmol/L,732 +654794486,2740390,6364,3,MCH,27.8,27.8,pg,pg,6388 +666044166,2740390,-8,3,platelets x 1000,303.0,303,K/mcL,K/uL,23 +711383240,2740390,2476,7,PEEP,12.0,12.0,cm H2O,,2479 +661341686,2740390,25127,3,-eos,5.0,5,%,%,25160 +631162861,2740390,-8,1,albumin,2.7,2.7,g/dL,g/dL,40 +712131149,2740390,86,7,O2 Sat (%),91.0,91,%,%,90 +670789551,2740390,23249,4,bedside glucose,128.0,128,mg/dL,mg/dL,23648 +640272816,2740390,726,1,lactate,1.9,1.9,mmol/L,mmol/L,732 +711383249,2740390,2476,7,O2 Content,12.4,12.4,mls/dL,,2479 +624732688,2740390,14934,1,creatinine,0.91,0.91,mg/dL,mg/dL,15090 +637377324,2740390,9304,1,sodium,148.0,148,mmol/L,mmol/L,9346 +651706332,2740390,10639,3,-eos,5.0,5,%,%,10671 +673328426,2740390,4635,4,bedside glucose,164.0,164,mg/dL,mg/dL,4636 +626099970,2740390,12142,1,potassium,3.3,3.3,mmol/L,mmol/L,12146 +711383250,2740390,2476,7,Respiratory Rate,14.0,14.0,/min,,2479 +671676035,2740390,5389,4,urinary specific gravity,1.034,1.034,,,5434 +631162859,2740390,-8,1,AST (SGOT),23.0,23,Units/L,U/L,40 +666044159,2740390,-8,3,MCV,98.0,98,fL,fL,23 +644541580,2740390,1435,1,potassium,4.4,4.4,mmol/L,mmol/L,1443 +671191867,2740390,961,4,bedside glucose,180.0,180,mg/dL,mg/dL,963 +711383251,2740390,2476,7,pH,7.454,7.454,,,2479 +712131144,2740390,86,7,paCO2,64.5,64.5,mm Hg,mm(hg),90 +709769782,2740390,16902,7,paCO2,64.4,64.4,mm Hg,mm(hg),16906 +671676034,2740390,5389,4,WBC's in urine,39.0,39,,/(hpf),5434 +673794684,2740390,5183,4,bedside glucose,182.0,182,mg/dL,mg/dL,5185 +624732690,2740390,14934,1,sodium,145.0,145,mmol/L,mmol/L,15090 +711383253,2740390,2476,7,O2 Sat (%),97.0,97,%,%,2479 +642934304,2740390,23895,1,potassium,3.6,3.6,mmol/L,mmol/L,23942 +631162865,2740390,-8,1,ALT (SGPT),13.0,13,Units/L,U/L,40 +626099971,2740390,12142,1,sodium,147.0,147,mmol/L,mmol/L,12146 +708672392,2740390,12142,7,FiO2,40.0,40.0,%,,12146 +671856003,2740390,16900,4,bedside glucose,209.0,209,mg/dL,mg/dL,16905 +711383248,2740390,2476,7,paCO2,41.9,41.9,mm Hg,mm(hg),2479 +666044154,2740390,-8,3,RBC,2.92,2.92,M/mcL,M/uL,23 +642728393,2740390,13304,1,potassium,3.5,3.5,mmol/L,mmol/L,13334 +661341675,2740390,25127,3,RBC,3.85,3.85,M/mcL,M/uL,25160 +638469095,2740390,3525,1,magnesium,2.0,2.0,mg/dL,mg/dL,3601 +712131141,2740390,86,7,FiO2,75.0,75.0,%,,90 +711383254,2740390,2476,7,Temperature,37.3,37.3,°C,Deg C,2479 +671813838,2740390,9701,4,bedside glucose,84.0,84,mg/dL,mg/dL,9726 +631162857,2740390,-8,1,alkaline phos.,44.0,44,Units/L,U/L,40 +624732689,2740390,14934,1,anion gap,6.5,6.5,,mmol/L,15090 +674171857,2740390,21079,4,bedside glucose,137.0,137,mg/dL,mg/dL,21081 +671394521,2740390,2970,4,bedside glucose,151.0,151,mg/dL,mg/dL,2971 +711154159,2740390,15460,7,Respiratory Rate,14.0,14.0,/min,,15463 +639404329,2740390,14044,1,BUN,19.0,19,mg/dL,mg/dL,14113 +709769785,2740390,16902,7,pH,7.389,7.389,,,16906 +669403699,2740390,-717,3,MCHC,28.7,28.7,g/dL,g/dL,-703 +652191306,2740390,989,3,Hgb,8.2,8.2,g/dL,g/dL,1088 +666044155,2740390,-8,3,-basos,1.0,1,%,%,196 +711383255,2740390,2476,7,Base Excess,4.5,4.5,mEq/L,mmol/L,2479 +671260839,2740390,2517,4,bedside glucose,156.0,156,mg/dL,mg/dL,2519 +631162856,2740390,-8,1,creatinine,0.5,0.50,mg/dL,mg/dL,40 +712131146,2740390,86,7,Respiratory Rate,20.0,20.0,/min,,90 +655043256,2740390,20665,3,RDW,18.1,18.1,%,%,20699 +669403700,2740390,-717,3,platelets x 1000,263.0,263,K/mcL,K/uL,-703 +711154160,2740390,15460,7,pH,7.41,7.410,,,15463 +631815909,2740390,449,1,ALT (SGPT),15.0,15,Units/L,U/L,518 +673567304,2740390,17861,4,bedside glucose,149.0,149,mg/dL,mg/dL,17863 +635537133,2740390,19669,1,chloride,95.0,95,mmol/L,mmol/L,19706 +673476360,2740390,10980,4,bedside glucose,91.0,91,mg/dL,mg/dL,10981 +624732691,2740390,14934,1,bicarbonate,37.0,37,mmol/L,mmol/L,15090 +711154162,2740390,15460,7,O2 Sat (%),94.0,94,%,%,15463 +669403693,2740390,-717,3,MCV,96.0,96,fL,fL,-703 +631162866,2740390,-8,1,glucose,199.0,199,mg/dL,mg/dL,40 +639404328,2740390,14044,1,chloride,107.0,107,mmol/L,mmol/L,14113 +673410178,2740390,1738,4,bedside glucose,181.0,181,mg/dL,mg/dL,1739 +661341687,2740390,25127,3,-basos,1.0,1,%,%,25160 +711154157,2740390,15460,7,paCO2,58.6,58.6,mm Hg,mm(hg),15463 +631815908,2740390,449,1,calcium,8.7,8.7,mg/dL,mg/dL,518 +709769783,2740390,16902,7,O2 Content,14.3,14.3,mls/dL,,16906 +669403694,2740390,-717,3,Hgb,8.0,8.0,g/dL,g/dL,-703 +644541582,2740390,1435,1,ionized calcium,1.21,1.21,mg/dL,mmol/L,1443 +666044157,2740390,-8,3,Hct,28.5,28.5,%,%,23 +711154148,2740390,15460,7,Peak Airway/Pressure,29.0,29,cm H2O,,15463 +651706333,2740390,10639,3,MCV,95.0,95,fL,fL,10671 +631162864,2740390,-8,1,calcium,8.4,8.4,mg/dL,mg/dL,40 +712131142,2740390,86,7,paO2,75.0,75,mm Hg,mm(hg),90 +673995256,2740390,16740,4,bedside glucose,248.0,248,mg/dL,mg/dL,16742 +669403695,2740390,-717,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,-703 +711154158,2740390,15460,7,O2 Content,14.0,14.0,mls/dL,,15463 +631815910,2740390,449,1,glucose,182.0,182,mg/dL,mg/dL,518 +709062130,2740390,6415,7,Temperature,37.9,37.9,°C,Deg C,6420 +671552743,2740390,1176,4,bedside glucose,169.0,169,mg/dL,mg/dL,1177 +710718240,2740390,7886,7,O2 Content,13.2,13.2,mls/dL,,7894 +624732687,2740390,14934,1,potassium,3.5,3.5,mmol/L,mmol/L,15090 +631162867,2740390,-8,1,chloride,107.0,107,mmol/L,mmol/L,40 +669403696,2740390,-717,3,RDW,18.9,18.9,%,%,-703 +710718229,2740390,7886,7,Peak Airway/Pressure,34.0,34,cm H2O,,7894 +639404323,2740390,14044,1,anion gap,4.4,4.4,,mmol/L,14113 +709769787,2740390,16902,7,O2 Sat (%),95.0,95,%,%,16906 +642934305,2740390,23895,1,chloride,97.0,97,mmol/L,mmol/L,23942 +710718230,2740390,7886,7,PEEP,8.0,8.0,cm H2O,,7894 +631815905,2740390,449,1,albumin,2.5,2.5,g/dL,g/dL,518 +631162855,2740390,-8,1,potassium,5.0,5.0,mmol/L,mmol/L,40 +669403692,2740390,-717,3,-eos,3.0,3,%,%,-703 +710718241,2740390,7886,7,Respiratory Rate,16.0,16.0,/min,,7894 +662234866,2740390,4924,3,RBC,3.01,3.01,M/mcL,M/uL,5036 +670977724,2740390,19288,4,bedside glucose,114.0,114,mg/dL,mg/dL,19584 +673106641,2740390,19854,4,bedside glucose,155.0,155,mg/dL,mg/dL,20192 +710718233,2740390,7886,7,Base Deficit,0.8,0.8,mEq/L,mmol/L,7894 +712131150,2740390,86,7,Temperature,37.1,37.1,°C,Deg C,90 +631162862,2740390,-8,1,bicarbonate,25.0,25,mmol/L,mmol/L,40 +669403697,2740390,-717,3,MCH,27.4,27.4,pg,pg,-703 +710718232,2740390,7886,7,HCO3,25.9,25.9,mmol/L,mmol/L,7894 +631815906,2740390,449,1,bicarbonate,29.0,29,mmol/L,mmol/L,518 +674372192,2740390,9454,4,bedside glucose,84.0,84,mg/dL,mg/dL,9699 +672310624,2740390,13065,4,bedside glucose,166.0,166,mg/dL,mg/dL,13211 +710718245,2740390,7886,7,Temperature,37.8,37.8,°C,Deg C,7894 +666044156,2740390,-8,3,-polys,63.0,63,%,%,196 +673775452,2740390,6146,4,bedside glucose,178.0,178,mg/dL,mg/dL,6567 +669403698,2740390,-717,3,-monos,7.0,7,%,%,-703 +710718237,2740390,7886,7,paO2,72.0,72,mm Hg,mm(hg),7894 +639404324,2740390,14044,1,sodium,143.0,143,mmol/L,mmol/L,14113 +650267792,2740390,3969,3,Hct,27.8,27.8,%,%,3987 +645576388,2740390,9639,1,potassium,3.8,3.8,mmol/L,mmol/L,9670 +710718244,2740390,7886,7,O2 Sat (%),91.0,91,%,%,7894 +631815907,2740390,449,1,total protein,6.3,6.3,g/dL,g/dL,518 +631162868,2740390,-8,1,BUN,25.0,25,mg/dL,mg/dL,40 +669403689,2740390,-717,3,-basos,0.0,0,%,%,-703 +710718239,2740390,7886,7,paCO2,54.5,54.5,mm Hg,mm(hg),7894 +662234868,2740390,4924,3,MCV,96.0,96,fL,fL,5036 +672863451,2740390,25249,4,bedside glucose,102.0,102,mg/dL,mg/dL,25252 +635537130,2740390,19669,1,bicarbonate,38.0,38,mmol/L,mmol/L,19706 +710718238,2740390,7886,7,Carboxyhemoglobin,0.7,0.7,%,%,7894 +712131138,2740390,86,7,HCO3,28.8,28.8,mmol/L,mmol/L,90 +673787638,2740390,451,4,bedside glucose,182.0,182,mg/dL,mg/dL,453 +669403192,2740390,13579,3,-monos,7.0,7,%,%,13642 +643866048,2740390,451,1,potassium,4.4,4.4,mmol/L,mmol/L,457 +631815911,2740390,449,1,chloride,106.0,106,mmol/L,mmol/L,518 +673207016,2740390,1970,4,bedside glucose,156.0,156,mg/dL,mg/dL,2029 +672645070,2740390,15521,4,bedside glucose,188.0,188,mg/dL,mg/dL,15522 +710718242,2740390,7886,7,pH,7.299,7.299,,,7894 +624732694,2740390,14934,1,chloride,105.0,105,mmol/L,mmol/L,15090 +634367496,2740390,16369,1,potassium,5.5,5.5,mmol/L,mmol/L,16412 +669403687,2740390,-717,3,-lymphs,8.0,8,%,%,-703 +643866049,2740390,451,1,sodium,141.0,141,mmol/L,mmol/L,457 +639404325,2740390,14044,1,bicarbonate,35.0,35,mmol/L,mmol/L,14113 +638491413,2740390,7769,1,potassium,3.5,3.5,mmol/L,mmol/L,7816 +651706334,2740390,10639,3,Hgb,8.8,8.8,g/dL,g/dL,10671 +710718235,2740390,7886,7,Methemoglobin,0.3,0.3,%,%,7894 +631815912,2740390,449,1,BUN,29.0,29,mg/dL,mg/dL,518 +634367497,2740390,16369,1,creatinine,0.82,0.82,mg/dL,mg/dL,16412 +669403688,2740390,-717,3,RBC,2.92,2.92,M/mcL,M/uL,-703 +643866050,2740390,451,1,ionized calcium,1.28,1.28,mg/dL,mmol/L,457 +662234867,2740390,4924,3,Hct,28.9,28.9,%,%,5036 +638491414,2740390,7769,1,creatinine,1.29,1.29,mg/dL,mg/dL,7816 +672067552,2740390,22751,4,bedside glucose,125.0,125,mg/dL,mg/dL,22753 +673657996,2740390,3498,4,bedside glucose,146.0,146,mg/dL,mg/dL,3499 +712131143,2740390,86,7,Carboxyhemoglobin,2.2,2.2,%,%,90 +634367498,2740390,16369,1,anion gap,8.5,8.5,,mmol/L,16412 +669403690,2740390,-717,3,-polys,82.0,82,%,%,-703 +674440143,2740390,6826,4,bedside glucose,167.0,167,mg/dL,mg/dL,6828 +631815904,2740390,449,1,sodium,144.0,144,mmol/L,mmol/L,518 +638491415,2740390,7769,1,anion gap,9.5,9.5,,mmol/L,7816 +672120866,2740390,12472,4,bedside glucose,118.0,118,mg/dL,mg/dL,12473 +673539612,2740390,16460,4,bedside glucose,245.0,245,mg/dL,mg/dL,16464 +666044153,2740390,-8,3,-lymphs,20.0,20,%,%,196 +634367499,2740390,16369,1,sodium,143.0,143,mmol/L,mmol/L,16412 +669403193,2740390,13579,3,MCHC,29.3,29.3,g/dL,g/dL,13642 +710718234,2740390,7886,7,Vent Rate,16.0,16,/min,,7894 +639404327,2740390,14044,1,glucose,197.0,197,mg/dL,mg/dL,14113 +638491416,2740390,7769,1,sodium,145.0,145,mmol/L,mmol/L,7816 +642934307,2740390,23895,1,anion gap,8.6,8.6,,mmol/L,23942 +673541651,2740390,6380,4,bedside glucose,180.0,180,mg/dL,mg/dL,6567 +631815898,2740390,449,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,518 +634367502,2740390,16369,1,glucose,266.0,266,mg/dL,mg/dL,16412 +669403691,2740390,-717,3,Hct,27.9,27.9,%,%,-703 +674044237,2740390,8260,4,bedside glucose,101.0,101,mg/dL,mg/dL,8265 +662234873,2740390,4924,3,MCHC,29.1,29.1,g/dL,g/dL,5036 +638491420,2740390,7769,1,chloride,112.0,112,mmol/L,mmol/L,7816 +671358976,2740390,11206,4,bedside glucose,124.0,124,mg/dL,mg/dL,11208 +673048895,2740390,12134,4,bedside glucose,99.0,99,mg/dL,mg/dL,12231 +712131147,2740390,86,7,pH,7.268,7.268,,,90 +634367503,2740390,16369,1,chloride,103.0,103,mmol/L,mmol/L,16412 +669403194,2740390,13579,3,platelets x 1000,274.0,274,K/mcL,K/uL,13642 +672393345,2740390,11876,4,bedside glucose,130.0,130,mg/dL,mg/dL,11877 +631815901,2740390,449,1,alkaline phos.,40.0,40,Units/L,U/L,518 +638491418,2740390,7769,1,calcium,8.2,8.2,mg/dL,mg/dL,7816 +671493775,2740390,10156,4,bedside glucose,83.0,83,mg/dL,mg/dL,10157 +643866051,2740390,451,1,lactate,2.5,2.5,mmol/L,mmol/L,457 +624732692,2740390,14934,1,calcium,8.3,8.3,mg/dL,mg/dL,15090 +634367501,2740390,16369,1,calcium,8.8,8.8,mg/dL,mg/dL,16412 +669403191,2740390,13579,3,MCH,27.8,27.8,pg,pg,13642 +674307457,2740390,712,4,bedside glucose,207.0,207,mg/dL,mg/dL,714 +639404322,2740390,14044,1,creatinine,0.93,0.93,mg/dL,mg/dL,14113 +638491419,2740390,7769,1,glucose,132.0,132,mg/dL,mg/dL,7816 +671178503,2740390,21282,4,bedside glucose,146.0,146,mg/dL,mg/dL,21284 +671309852,2740390,13314,4,bedside glucose,168.0,168,mg/dL,mg/dL,13593 +631815899,2740390,449,1,potassium,4.4,4.4,mmol/L,mmol/L,518 +634367504,2740390,16369,1,BUN,25.0,25,mg/dL,mg/dL,16412 +669403186,2740390,13579,3,-eos,3.0,3,%,%,13642 +674321850,2740390,24079,4,bedside glucose,97.0,97,mg/dL,mg/dL,24110 +662234872,2740390,4924,3,MCH,27.9,27.9,pg,pg,5036 +638491421,2740390,7769,1,BUN,21.0,21,mg/dL,mg/dL,7816 +635537131,2740390,19669,1,calcium,8.7,8.7,mg/dL,mg/dL,19706 +673060791,2740390,13591,4,bedside glucose,142.0,142,mg/dL,mg/dL,13593 +712131139,2740390,86,7,Vent Rate,8.0,8,/min,,90 +634367500,2740390,16369,1,bicarbonate,37.0,37,mmol/L,mmol/L,16412 +669403185,2740390,13579,3,Hct,31.1,31.1,%,%,13642 +672438088,2740390,17622,4,bedside glucose,177.0,177,mg/dL,mg/dL,17623 +635218001,2740390,449,1,magnesium,1.7,1.7,mg/dL,mg/dL,518 +638491417,2740390,7769,1,bicarbonate,27.0,27,mmol/L,mmol/L,7816 +671348982,2740390,4068,4,bedside glucose,174.0,174,mg/dL,mg/dL,4070 +710718236,2740390,7886,7,FiO2,50.0,50.0,%,,7894 +666044160,2740390,-8,3,Hgb,8.1,8.1,g/dL,g/dL,23 +672651578,2740390,20184,4,bedside glucose,162.0,162,mg/dL,mg/dL,20186 +669403184,2740390,13579,3,-polys,81.0,81,%,%,13642 +672739483,2740390,5870,4,bedside glucose,180.0,180,mg/dL,mg/dL,6567 +639404326,2740390,14044,1,calcium,8.5,8.5,mg/dL,mg/dL,14113 +643681268,2740390,20665,1,magnesium,2.2,2.2,mg/dL,mg/dL,20758 +651706331,2740390,10639,3,Hct,30.5,30.5,%,%,10671 +668269364,2740390,2904,3,Hgb,8.0,8.0,g/dL,g/dL,2921 +631815900,2740390,449,1,creatinine,1.23,1.23,mg/dL,mg/dL,518 +644448579,2740390,19279,1,potassium,3.5,3.5,mmol/L,mmol/L,19322 +669403187,2740390,13579,3,MCV,95.0,95,fL,fL,13642 +671049621,2740390,20345,4,bedside glucose,180.0,180,mg/dL,mg/dL,20347 +662234874,2740390,4924,3,platelets x 1000,234.0,234,K/mcL,K/uL,5036 +663232007,2740390,1408,3,Hgb,7.4,7.4,g/dL,g/dL,1553 +671190504,2740390,12608,4,bedside glucose,155.0,155,mg/dL,mg/dL,12609 +649228174,2740390,3525,3,-lymphs,9.0,9,%,%,3566 +712131140,2740390,86,7,Methemoglobin,0.3,0.3,%,%,90 +649228175,2740390,3525,3,RBC,2.99,2.99,M/mcL,M/uL,3566 +669403188,2740390,13579,3,Hgb,9.1,9.1,g/dL,g/dL,13642 +649228187,2740390,3525,3,platelets x 1000,254.0,254,K/mcL,K/uL,3566 +670908754,2740390,5376,4,bedside glucose,168.0,168,mg/dL,mg/dL,5377 +649228176,2740390,3525,3,-basos,0.0,0,%,%,3566 +642934306,2740390,23895,1,bicarbonate,32.0,32,mmol/L,mmol/L,23942 +646500586,2740390,7886,1,ionized calcium,1.16,1.16,mg/dL,mmol/L,7894 +624732695,2740390,14934,1,BUN,21.0,21,mg/dL,mg/dL,15090 +649228186,2740390,3525,3,MCHC,29.9,29.9,g/dL,g/dL,3566 +669403183,2740390,13579,3,-basos,0.0,0,%,%,13642 +646500584,2740390,7886,1,potassium,3.5,3.5,mmol/L,mmol/L,7894 +672226298,2740390,15780,4,bedside glucose,242.0,242,mg/dL,mg/dL,15781 +649228181,2740390,3525,3,Hgb,8.2,8.2,g/dL,g/dL,3566 +631989962,2740390,1969,1,troponin - I,0.23,0.23,ng/mL,ng/mL,2438 +646500585,2740390,7886,1,sodium,145.0,145,mmol/L,mmol/L,7894 +631815902,2740390,449,1,anion gap,13.4,13.4,,mmol/L,518 +649228182,2740390,3525,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,3566 +669403189,2740390,13579,3,WBC x 1000,7.7,7.7,K/mcL,K/uL,13642 +646500587,2740390,7886,1,lactate,1.1,1.1,mmol/L,mmol/L,7894 +662234870,2740390,4924,3,WBC x 1000,8.7,8.7,K/mcL,K/uL,5036 +649228183,2740390,3525,3,RDW,18.9,18.9,%,%,3566 +671060970,2740390,14043,4,bedside glucose,181.0,181,mg/dL,mg/dL,14045 +648736325,2740390,12219,3,-lymphs,7.0,7,%,%,12235 +665496352,2740390,4443,3,Hgb,8.5,8.5,g/dL,g/dL,4457 +712315343,2740390,726,7,Temperature,37.2,37.2,°C,Deg C,732 +669403182,2740390,13579,3,RBC,3.27,3.27,M/mcL,M/uL,13642 +648736327,2740390,12219,3,-basos,0.0,0,%,%,12235 +670892992,2740390,-964,4,bedside glucose,120.0,120,mg/dL,mg/dL,-962 +649228185,2740390,3525,3,-monos,9.0,9,%,%,3566 +673271668,2740390,20,4,bedside glucose,221.0,221,mg/dL,mg/dL,180 +648736326,2740390,12219,3,RBC,3.21,3.21,M/mcL,M/uL,12235 +666044158,2740390,-8,3,-eos,2.0,2,%,%,196 +712315342,2740390,726,7,O2 Sat (%),98.0,98,%,%,732 +672828625,2740390,25516,4,bedside glucose,106.0,106,mg/dL,mg/dL,25525 +648736328,2740390,12219,3,-polys,82.0,82,%,%,12235 +639404321,2740390,14044,1,potassium,3.4,3.4,mmol/L,mmol/L,14113 +649228184,2740390,3525,3,MCH,27.4,27.4,pg,pg,3566 +635537132,2740390,19669,1,glucose,134.0,134,mg/dL,mg/dL,19706 +648736336,2740390,12219,3,-monos,7.0,7,%,%,12235 +665456282,2740390,-717,3,PT - INR,1.5,1.5,ratio,,-647 +712315344,2740390,726,7,Base Excess,0.7,0.7,mEq/L,mmol/L,732 +669403190,2740390,13579,3,RDW,18.5,18.5,%,%,13642 +648736337,2740390,12219,3,MCHC,28.9,28.9,g/dL,g/dL,12235 +662234871,2740390,4924,3,RDW,19.2,19.2,%,%,5036 +649228180,2740390,3525,3,MCV,92.0,92,fL,fL,3566 +672789804,2740390,3830,4,bedside glucose,163.0,163,mg/dL,mg/dL,3837 +648736333,2740390,12219,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,12235 +648482795,2740390,5644,3,Hct,30.2,30.2,%,%,5666 +712315337,2740390,726,7,paCO2,50.0,50.0,mm Hg,mm(hg),732 +672526025,2740390,4925,4,bedside glucose,148.0,148,mg/dL,mg/dL,4926 +648736334,2740390,12219,3,RDW,18.6,18.6,%,%,12235 +631815903,2740390,449,1,AST (SGOT),17.0,17,Units/L,U/L,518 +649228177,2740390,3525,3,-polys,77.0,77,%,%,3566 +651706335,2740390,10639,3,WBC x 1000,9.2,9.2,K/mcL,K/uL,10671 +648736338,2740390,12219,3,platelets x 1000,242.0,242,K/mcL,K/uL,12235 +624732693,2740390,14934,1,glucose,212.0,212,mg/dL,mg/dL,15090 +712315338,2740390,726,7,O2 Content,11.9,11.9,mls/dL,,732 +671835347,2740390,10454,4,bedside glucose,106.0,106,mg/dL,mg/dL,10645 +648736332,2740390,12219,3,Hgb,8.8,8.8,g/dL,g/dL,12235 +712131151,2740390,86,7,Base Excess,1.3,1.3,mEq/L,mmol/L,90 +649228178,2740390,3525,3,Hct,27.4,27.4,%,%,3566 +671205380,2740390,18379,4,bedside glucose,178.0,178,mg/dL,mg/dL,18426 +648736330,2740390,12219,3,-eos,4.0,4,%,%,12235 +665456281,2740390,-717,3,PT,17.7,17.7,sec,sec,-647 +712315339,2740390,726,7,Respiratory Rate,14.0,14.0,/min,,732 +669403181,2740390,13579,3,-lymphs,9.0,9,%,%,13642 +648736335,2740390,12219,3,MCH,27.4,27.4,pg,pg,12235 +641073323,2740390,22176,1,magnesium,2.3,2.3,mg/dL,mg/dL,22323 +649228179,2740390,3525,3,-eos,5.0,5,%,%,3566 +671520910,2740390,16221,4,bedside glucose,221.0,221,mg/dL,mg/dL,16223 +648736331,2740390,12219,3,MCV,95.0,95,fL,fL,12235 +649418902,2740390,5644,3,Hgb,8.7,8.7,g/dL,g/dL,5666 +712315340,2740390,726,7,pH,7.345,7.345,,,732 +670849736,2740390,8982,4,bedside glucose,101.0,101,mg/dL,mg/dL,8984 +648736329,2740390,12219,3,Hct,30.5,30.5,%,%,12235 +637100153,2740390,4443,1,potassium,4.1,4.1,mmol/L,mmol/L,4467 +647301929,2740390,8936,1,potassium,3.6,3.6,mmol/L,mmol/L,8964 +672877307,2740390,18130,4,bedside glucose,148.0,148,mg/dL,mg/dL,18132 +627549789,2740390,1969,1,magnesium,1.8,1.8,mg/dL,mg/dL,2039 +662234869,2740390,4924,3,Hgb,8.4,8.4,g/dL,g/dL,5036 +625718813,2740390,10264,1,potassium,3.8,3.8,mmol/L,mmol/L,10305 +711154154,2740390,15460,7,FiO2,40.0,40.0,%,,15463 +651706330,2740390,10639,3,-polys,82.0,82,%,%,10671 +49779105,210641,3121,3,-lymphs,2.0,2,%,%,3139 +49779108,210641,3121,3,-basos,0.0,0,%,%,3139 +49779107,210641,3121,3,-eos,0.0,0,%,%,3139 +49779106,210641,3121,3,-monos,5.0,5,%,%,3139 +49779104,210641,3121,3,-polys,93.0,93,%,%,3139 +49779102,210641,3121,3,RDW,13.7,13.7,%,%,3139 +49779101,210641,3121,3,MCHC,33.3,33.3,g/dL,g/dL,3139 +49779098,210641,3121,3,Hct,42.7,42.7,%,%,3139 +49779097,210641,3121,3,Hgb,14.2,14.2,g/dL,g/dL,3139 +49779096,210641,3121,3,RBC,4.15,4.15,M/mcL,mil/mcL,3139 +44339425,210641,1626,1,glucose,163.0,163,mg/dL,mg/dL,1670 +49779103,210641,3121,3,platelets x 1000,202.0,202,K/mcL,K/mcL,3139 +44339423,210641,1626,1,bicarbonate,32.0,32,mmol/L,mmol/L,1670 +49779099,210641,3121,3,MCV,102.9,102.9,fL,fl,3139 +44339427,210641,1626,1,creatinine,1.24,1.24,mg/dL,mg/dL,1670 +49779095,210641,3121,3,WBC x 1000,15.1,15.1,K/mcL,K/mcL,3139 +44339426,210641,1626,1,BUN,22.0,22,mg/dL,mg/dL,1670 +49779100,210641,3121,3,MCH,34.2,34.2,pg,pg,3139 +47542814,210641,2706,1,troponin - I,,<0.02,ng/mL,ng/mL,2733 +44339428,210641,1626,1,calcium,8.9,8.9,mg/dL,mg/dL,1670 +49007362,210641,3121,1,BUN,34.0,34,mg/dL,mg/dL,3153 +49572524,210641,3121,1,sodium,136.0,136,mmol/L,mmol/L,3153 +49007360,210641,3121,1,anion gap,9.0,9,,mmol/L,3153 +48741185,210641,332,1,chloride,101.0,101,mmol/L,mmol/L,358 +44339424,210641,1626,1,anion gap,11.0,11,,mmol/L,1670 +48741188,210641,332,1,glucose,174.0,174,mg/dL,mg/dL,358 +49007364,210641,3121,1,calcium,8.7,8.7,mg/dL,mg/dL,3153 +48741183,210641,332,1,sodium,139.0,139,mmol/L,mmol/L,358 +49572526,210641,3121,1,chloride,100.0,100,mmol/L,mmol/L,3153 +48741189,210641,332,1,BUN,11.0,11,mg/dL,mg/dL,358 +49007361,210641,3121,1,glucose,166.0,166,mg/dL,mg/dL,3153 +48741190,210641,332,1,creatinine,0.91,0.91,mg/dL,mg/dL,358 +44160963,210641,192,1,troponin - I,,<0.02,ng/mL,ng/mL,259 +48741187,210641,332,1,anion gap,15.0,15,,mmol/L,358 +56559882,210641,1626,3,-monos,4.0,4,%,%,1663 +49007363,210641,3121,1,creatinine,1.2,1.20,mg/dL,mg/dL,3153 +48741191,210641,332,1,calcium,9.1,9.1,mg/dL,mg/dL,358 +56559883,210641,1626,3,-eos,0.0,0,%,%,1663 +49572525,210641,3121,1,potassium,4.4,4.4,mmol/L,mmol/L,3153 +48741184,210641,332,1,potassium,4.1,4.1,mmol/L,mmol/L,358 +56559884,210641,1626,3,-basos,0.0,0,%,%,1663 +49007359,210641,3121,1,bicarbonate,31.0,31,mmol/L,mmol/L,3153 +48741186,210641,332,1,bicarbonate,27.0,27,mmol/L,mmol/L,358 +56559875,210641,1626,3,MCV,103.9,103.9,fL,fl,1663 +56703503,210641,192,3,MCH,33.5,33.5,pg,pg,232 +56559879,210641,1626,3,platelets x 1000,217.0,217,K/mcL,K/mcL,1663 +56703504,210641,192,3,MCHC,33.5,33.5,g/dL,g/dL,232 +56559878,210641,1626,3,RDW,14.0,14.0,%,%,1663 +56703509,210641,192,3,-monos,1.0,1,%,%,232 +56559880,210641,1626,3,-polys,94.0,94,%,%,1663 +56703510,210641,192,3,-eos,0.0,0,%,%,232 +56559874,210641,1626,3,Hct,45.7,45.7,%,%,1663 +56703508,210641,192,3,-lymphs,3.0,3,%,%,232 +56559876,210641,1626,3,MCH,33.4,33.4,pg,pg,1663 +56703505,210641,192,3,RDW,14.0,14.0,%,%,232 +56559872,210641,1626,3,RBC,4.4,4.40,M/mcL,mil/mcL,1663 +56703507,210641,192,3,-polys,96.0,96,%,%,232 +49491403,210641,1626,1,potassium,4.1,4.1,mmol/L,mmol/L,1670 +56703511,210641,192,3,-basos,0.0,0,%,%,232 +56559873,210641,1626,3,Hgb,14.7,14.7,g/dL,g/dL,1663 +56703506,210641,192,3,platelets x 1000,251.0,251,K/mcL,K/mcL,232 +49491404,210641,1626,1,chloride,98.0,98,mmol/L,mmol/L,1670 +56703502,210641,192,3,MCV,100.2,100.2,fL,fl,232 +56559881,210641,1626,3,-lymphs,2.0,2,%,%,1663 +56703499,210641,192,3,RBC,4.77,4.77,M/mcL,mil/mcL,232 +49491402,210641,1626,1,sodium,137.0,137,mmol/L,mmol/L,1670 +56703500,210641,192,3,Hgb,16.0,16.0,g/dL,g/dL,232 +56559877,210641,1626,3,MCHC,32.2,32.2,g/dL,g/dL,1663 +56703501,210641,192,3,Hct,47.8,47.8,%,%,232 +46967388,210641,192,1,magnesium,2.4,2.4,mg/dL,mg/dL,259 +45777944,210641,2344,1,troponin - I,,<0.02,ng/mL,ng/mL,2365 +49018930,210641,2013,1,troponin - I,,<0.02,ng/mL,ng/mL,2047 +56703498,210641,192,3,WBC x 1000,10.4,10.4,K/mcL,K/mcL,232 +56470517,210641,1626,3,WBC x 1000,17.3,17.3,K/mcL,K/mcL,1663 +642869253,2738362,2364,1,creatinine,0.88,0.88,mg/dL,mg/dL,2694 +642869254,2738362,2364,1,calcium,9.0,9.0,mg/dL,mg/dL,2694 +642869252,2738362,2364,1,BUN,17.0,17,mg/dL,mg/dL,2694 +642869251,2738362,2364,1,glucose,114.0,114,mg/dL,mg/dL,2694 +642869250,2738362,2364,1,anion gap,15.2,15.2,,mmol/L,2694 +642869249,2738362,2364,1,bicarbonate,22.0,22,mmol/L,mmol/L,2694 +642869246,2738362,2364,1,sodium,139.0,139,mmol/L,mmol/L,2694 +659032393,2738362,58,3,Hct,40.4,40.4,%,%,88 +633909204,2738362,483,1,potassium,4.0,4.0,mmol/L,mmol/L,547 +647746201,2738362,483,1,CPK-MB,98.5,98.5,ng/mL,ng/mL,547 +659032394,2738362,58,3,MCV,96.0,96,fL,fL,88 +633909206,2738362,483,1,bicarbonate,27.0,27,mmol/L,mmol/L,547 +642250385,2738362,58,1,CPK,385.0,385,Units/L,U/L,112 +659032395,2738362,58,3,MCH,32.0,32.0,pg,pg,88 +633909207,2738362,483,1,anion gap,9.0,9,,mmol/L,547 +642869247,2738362,2364,1,potassium,4.2,4.2,mmol/L,mmol/L,2694 +659032390,2738362,58,3,WBC x 1000,11.6,11.6,K/mcL,K/uL,88 +633909210,2738362,483,1,creatinine,0.83,0.83,mg/dL,mg/dL,547 +642250387,2738362,58,1,CPK-MB INDEX,11.9,11.9,%,%,112 +659032391,2738362,58,3,RBC,4.22,4.22,M/mcL,M/uL,88 +633909203,2738362,483,1,sodium,142.0,142,mmol/L,mmol/L,547 +647746202,2738362,483,1,CPK-MB INDEX,14.0,14.0,%,%,547 +659032392,2738362,58,3,Hgb,13.5,13.5,g/dL,g/dL,88 +633909211,2738362,483,1,calcium,8.3,8.3,mg/dL,mg/dL,547 +655453113,2738362,483,3,Hct,40.3,40.3,%,%,529 +642250386,2738362,58,1,CPK-MB,45.7,45.7,ng/mL,ng/mL,112 +655453112,2738362,483,3,Hgb,13.3,13.3,g/dL,g/dL,529 +634364843,2738362,58,1,potassium,4.0,4.0,mmol/L,mmol/L,112 +655453111,2738362,483,3,RBC,4.2,4.20,M/mcL,M/uL,529 +659032398,2738362,58,3,platelets x 1000,289.0,289,K/mcL,K/uL,88 +646440566,2738362,58,1,calcium,7.7,7.7,mg/dL,mg/dL,112 +634364844,2738362,58,1,chloride,111.0,111,mmol/L,mmol/L,112 +655453116,2738362,483,3,MCHC,33.0,33.0,g/dL,g/dL,529 +633909208,2738362,483,1,glucose,128.0,128,mg/dL,mg/dL,547 +646440567,2738362,58,1,total protein,6.0,6.0,g/dL,g/dL,112 +634364845,2738362,58,1,bicarbonate,23.0,23,mmol/L,mmol/L,112 +655453115,2738362,483,3,MCH,31.7,31.7,pg,pg,529 +642869248,2738362,2364,1,chloride,106.0,106,mmol/L,mmol/L,2694 +646440570,2738362,58,1,alkaline phos.,85.0,85,Units/L,U/L,112 +634364846,2738362,58,1,anion gap,12.0,12,,mmol/L,112 +655453118,2738362,483,3,platelets x 1000,304.0,304,K/mcL,K/uL,529 +659032396,2738362,58,3,MCHC,33.4,33.4,g/dL,g/dL,88 +646440571,2738362,58,1,AST (SGOT),40.0,40,Units/L,U/L,112 +634364848,2738362,58,1,BUN,11.0,11,mg/dL,mg/dL,112 +655453110,2738362,483,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,529 +633909205,2738362,483,1,chloride,110.0,110,mmol/L,mmol/L,547 +646440569,2738362,58,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,112 +634364842,2738362,58,1,sodium,142.0,142,mmol/L,mmol/L,112 +655453117,2738362,483,3,RDW,13.7,13.7,%,%,529 +642970999,2738362,58,1,troponin - I,4.71,4.71,ng/mL,ng/mL,112 +646440568,2738362,58,1,albumin,3.1,3.1,g/dL,g/dL,112 +634364847,2738362,58,1,glucose,104.0,104,mg/dL,mg/dL,112 +628458261,2738362,2364,1,CPK,202.0,202,Units/L,U/L,2694 +659032397,2738362,58,3,RDW,13.4,13.4,%,%,88 +655453114,2738362,483,3,MCV,96.0,96,fL,fL,529 +634364849,2738362,58,1,creatinine,0.88,0.88,mg/dL,mg/dL,112 +628458262,2738362,2364,1,CPK-MB,15.1,15.1,ng/mL,ng/mL,2694 +633909209,2738362,483,1,BUN,12.0,12,mg/dL,mg/dL,547 +646440572,2738362,58,1,ALT (SGPT),28.0,28,Units/L,U/L,112 +629256523,2738362,483,1,CPK,706.0,706,Units/L,U/L,547 +641188024,2738362,483,1,troponin - I,14.5,14.50,ng/mL,ng/mL,547 +628458263,2738362,2364,1,CPK-MB INDEX,7.5,7.5,%,%,2694 +775131123,3135511,6060,3,-monos,7.1,7.1,%,%,6089 +775131119,3135511,6060,3,Hgb,9.6,9.6,g/dL,gm/dL,6089 +775131120,3135511,6060,3,WBC x 1000,13.5,13.5,K/mcL,10*3/uL,6089 +775131121,3135511,6060,3,RDW,16.9,16.9,%,%cv,6089 +773466071,3135511,10475,1,potassium,3.2,3.2,mmol/L,mmol/L,10541 +775131122,3135511,6060,3,MCH,34.3,34.3,pg,pg,6089 +773421139,3135511,364,1,sodium,136.0,136,mmol/L,mmol/L,474 +775131117,3135511,6060,3,-eos,0.0,0.0,%,%,6089 +773421141,3135511,364,1,bicarbonate,16.0,16,mmol/L,mmol/L,474 +775179821,3135511,7554,3,MPV,11.3,11.3,fL,fL,7688 +773421142,3135511,364,1,total protein,5.3,5.3,g/dL,g/dL,474 +775179822,3135511,7554,3,RBC,2.98,2.98,M/mcL,10*6/uL,7688 +773421134,3135511,364,1,potassium,4.5,4.5,mmol/L,mmol/L,474 +775131124,3135511,6060,3,MCHC,34.5,34.5,g/dL,g/dL,6089 +773421147,3135511,364,1,BUN,11.0,11,mg/dL,mg/dL,474 +775179823,3135511,7554,3,Hct,29.9,29.9,%,%,7688 +773421138,3135511,364,1,AST (SGOT),67.0,67,Units/L,U/L,474 +775131118,3135511,6060,3,MCV,99.3,99.3,fL,fL,6089 +773421146,3135511,364,1,chloride,105.0,105,mmol/L,mmol/L,474 +775131111,3135511,6060,3,MPV,11.2,11.2,fL,fL,6089 +773421136,3135511,364,1,alkaline phos.,121.0,121,Units/L,U/L,474 +775131115,3135511,6060,3,-polys,84.5,84.5,%,%,6089 +773421137,3135511,364,1,anion gap,15.0,15,,mmol/L,474 +775131113,3135511,6060,3,RBC,2.8,2.80,M/mcL,10*6/uL,6089 +773421144,3135511,364,1,ALT (SGPT),37.0,37,Units/L,U/L,474 +775176667,3135511,1751,3,MCHC,34.8,34.8,g/dL,g/dL,1843 +773421135,3135511,364,1,creatinine,1.3,1.3,mg/dL,mg/dL,474 +775131112,3135511,6060,3,-lymphs,6.3,6.3,%,%,6089 +773421145,3135511,364,1,glucose,137.0,137,mg/dL,mg/dL,474 +775176668,3135511,1751,3,platelets x 1000,128.0,128,K/mcL,10*3/uL,1843 +773421133,3135511,364,1,total bilirubin,3.1,3.1,mg/dL,mg/dL,474 +775176660,3135511,1751,3,RBC,2.77,2.77,M/mcL,10*6/uL,1843 +773466076,3135511,10475,1,phosphate,3.0,3.0,mg/dL,mg/dL,10541 +774530502,3135511,1751,1,sodium,135.0,135,mmol/L,mmol/L,1850 +773421143,3135511,364,1,calcium,6.9,6.9,mg/dL,mg/dL,474 +775131125,3135511,6060,3,platelets x 1000,123.0,123,K/mcL,10*3/uL,6089 +773466074,3135511,10475,1,anion gap,8.0,8,,mmol/L,10541 +774530503,3135511,1751,1,albumin,1.8,1.8,g/dL,g/dL,1850 +773466077,3135511,10475,1,albumin,2.4,2.4,g/dL,g/dL,10541 +775179824,3135511,7554,3,MCV,100.3,100.3,fL,fL,7688 +773466067,3135511,10475,1,glucose,150.0,150,mg/dL,mg/dL,10541 +774530497,3135511,1751,1,potassium,3.7,3.7,mmol/L,mmol/L,1850 +773466075,3135511,10475,1,calcium,7.9,7.9,mg/dL,mg/dL,10541 +775176666,3135511,1751,3,MCH,34.7,34.7,pg,pg,1843 +773466073,3135511,10475,1,bicarbonate,26.0,26,mmol/L,mmol/L,10541 +774530496,3135511,1751,1,total bilirubin,1.9,1.9,mg/dL,mg/dL,1850 +773466068,3135511,10475,1,BUN,26.0,26,mg/dL,mg/dL,10541 +775179829,3135511,7554,3,MCHC,34.4,34.4,g/dL,g/dL,7688 +773466070,3135511,10475,1,sodium,138.0,138,mmol/L,mmol/L,10541 +774530499,3135511,1751,1,alkaline phos.,143.0,143,Units/L,U/L,1850 +773524009,3135511,3259,1,phosphate,1.5,1.5,mg/dL,mg/dL,3310 +775176664,3135511,1751,3,WBC x 1000,47.6,47.6,K/mcL,10*3/uL,1843 +773170358,3135511,1831,1,lactate,3.7,3.7,mmol/L,mmol/L,1891 +774630663,3135511,1751,1,amylase,26.0,26,Units/L,U/L,2321 +773466072,3135511,10475,1,chloride,104.0,104,mmol/L,mmol/L,10541 +775179830,3135511,7554,3,platelets x 1000,130.0,130,K/mcL,10*3/uL,7688 +775698651,3135511,3259,3,-lymphs,3.5,3.5,%,%,3290 +774530508,3135511,1751,1,glucose,177.0,177,mg/dL,mg/dL,1850 +773421140,3135511,364,1,albumin,1.7,1.7,g/dL,g/dL,474 +775179827,3135511,7554,3,RDW,17.2,17.2,%,%cv,7688 +775698652,3135511,3259,3,RBC,2.6,2.60,M/mcL,10*6/uL,3290 +774530509,3135511,1751,1,chloride,105.0,105,mmol/L,mmol/L,1850 +773466069,3135511,10475,1,creatinine,1.0,1.0,mg/dL,mg/dL,10541 +775179828,3135511,7554,3,MCH,34.6,34.6,pg,pg,7688 +775698653,3135511,3259,3,-basos,0.3,0.3,%,%,3290 +774530507,3135511,1751,1,ALT (SGPT),39.0,39,Units/L,U/L,1850 +773746809,3135511,9074,1,phosphate,3.6,3.6,mg/dL,mg/dL,9166 +775176662,3135511,1751,3,MCV,99.6,99.6,fL,fL,1843 +775698654,3135511,3259,3,-polys,90.6,90.6,%,%,3290 +774530500,3135511,1751,1,anion gap,13.0,13,,mmol/L,1850 +773746807,3135511,9074,1,anion gap,9.0,9,,mmol/L,9166 +775179825,3135511,7554,3,Hgb,10.3,10.3,g/dL,gm/dL,7688 +775698655,3135511,3259,3,Hct,25.8,25.8,%,%,3290 +774530498,3135511,1751,1,creatinine,1.0,1.0,mg/dL,mg/dL,1850 +773746805,3135511,9074,1,chloride,106.0,106,mmol/L,mmol/L,9166 +775179826,3135511,7554,3,WBC x 1000,15.3,15.3,K/mcL,10*3/uL,7688 +775698650,3135511,3259,3,MPV,11.2,11.2,fL,fL,3290 +774530501,3135511,1751,1,AST (SGOT),54.0,54,Units/L,U/L,1850 +773746803,3135511,9074,1,sodium,140.0,140,mmol/L,mmol/L,9166 +775176663,3135511,1751,3,Hgb,9.6,9.6,g/dL,gm/dL,1843 +772777105,3135511,1751,1,lipase,168.0,168,Units/L,U/L,2321 +774530504,3135511,1751,1,bicarbonate,17.0,17,mmol/L,mmol/L,1850 +775698660,3135511,3259,3,RDW,17.1,17.1,%,%cv,3290 +775176665,3135511,1751,3,RDW,17.1,17.1,%,%cv,1843 +772912470,3135511,6060,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,6122 +774530510,3135511,1751,1,BUN,21.0,21,mg/dL,mg/dL,1850 +773746810,3135511,9074,1,albumin,2.6,2.6,g/dL,g/dL,9166 +775176661,3135511,1751,3,Hct,27.6,27.6,%,%,1843 +772912484,3135511,6060,1,BUN,25.0,25,mg/dL,mg/dL,6122 +774530505,3135511,1751,1,total protein,5.6,5.6,g/dL,g/dL,1850 +775698656,3135511,3259,3,-eos,0.0,0.0,%,%,3290 +775176659,3135511,1751,3,MPV,11.7,11.7,fL,fL,1843 +772912482,3135511,6060,1,glucose,159.0,159,mg/dL,mg/dL,6122 +774530506,3135511,1751,1,calcium,6.9,6.9,mg/dL,mg/dL,1850 +773777174,3135511,364,1,amylase,29.0,29,Units/L,U/L,774 +775131116,3135511,6060,3,Hct,27.8,27.8,%,%,6089 +772912483,3135511,6060,1,chloride,111.0,111,mmol/L,mmol/L,6122 +773985229,3135511,7554,1,bicarbonate,23.0,23,mmol/L,mmol/L,7784 +775698657,3135511,3259,3,MCV,99.2,99.2,fL,fL,3290 +774215086,3135511,7554,1,phosphate,2.3,2.3,mg/dL,mg/dL,7784 +772912472,3135511,6060,1,creatinine,0.9,0.9,mg/dL,mg/dL,6122 +775131114,3135511,6060,3,-basos,0.2,0.2,%,%,6089 +773835967,3135511,11105,1,glucose,144.0,144,mg/dL,mg/dL,11147 +773985234,3135511,7554,1,chloride,110.0,110,mmol/L,mmol/L,7784 +772912481,3135511,6060,1,ALT (SGPT),39.0,39,Units/L,U/L,6122 +774940382,3135511,-336,3,MPV,12.6,12.6,fL,fL,-310 +773746808,3135511,9074,1,calcium,8.0,8.0,mg/dL,mg/dL,9166 +773985235,3135511,7554,1,BUN,21.0,21,mg/dL,mg/dL,7784 +772912478,3135511,6060,1,bicarbonate,21.0,21,mmol/L,mmol/L,6122 +774940396,3135511,-336,3,platelets x 1000,163.0,163,K/mcL,10*3/uL,-310 +773835974,3135511,11105,1,anion gap,7.0,7,,mmol/L,11147 +773985231,3135511,7554,1,calcium,8.2,8.2,mg/dL,mg/dL,7784 +772912479,3135511,6060,1,total protein,5.4,5.4,g/dL,g/dL,6122 +774940394,3135511,-336,3,-monos,8.6,8.6,%,%,-310 +775698658,3135511,3259,3,Hgb,8.9,8.9,g/dL,gm/dL,3290 +773985227,3135511,7554,1,sodium,144.0,144,mmol/L,mmol/L,7784 +772912475,3135511,6060,1,AST (SGOT),48.0,48,Units/L,U/L,6122 +774940395,3135511,-336,3,MCHC,35.3,35.3,g/dL,g/dL,-310 +773835968,3135511,11105,1,BUN,25.0,25,mg/dL,mg/dL,11147 +773985228,3135511,7554,1,albumin,2.5,2.5,g/dL,g/dL,7784 +772912476,3135511,6060,1,sodium,140.0,140,mmol/L,mmol/L,6122 +774940390,3135511,-336,3,Hgb,12.8,12.8,g/dL,gm/dL,-310 +773746806,3135511,9074,1,bicarbonate,25.0,25,mmol/L,mmol/L,9166 +773985226,3135511,7554,1,AST (SGOT),40.0,40,Units/L,U/L,7784 +772912480,3135511,6060,1,calcium,7.7,7.7,mg/dL,mg/dL,6122 +774940391,3135511,-336,3,WBC x 1000,31.1,31.1,K/mcL,10*3/uL,-310 +773835975,3135511,11105,1,calcium,8.3,8.3,mg/dL,mg/dL,11147 +773985232,3135511,7554,1,ALT (SGPT),36.0,36,Units/L,U/L,7784 +772912474,3135511,6060,1,anion gap,8.0,8,,mmol/L,6122 +774940393,3135511,-336,3,MCH,34.9,34.9,pg,pg,-310 +775698659,3135511,3259,3,WBC x 1000,32.4,32.4,K/mcL,10*3/uL,3290 +774393474,3135511,3259,1,AST (SGOT),59.0,59,Units/L,U/L,3310 +772912473,3135511,6060,1,alkaline phos.,115.0,115,Units/L,U/L,6122 +773985233,3135511,7554,1,glucose,163.0,163,mg/dL,mg/dL,7784 +777034784,3135511,9373,4,bedside glucose,165.0,165,mg/dL,mg/dL,9411 +774424120,3135511,364,1,phosphate,3.8,3.8,mg/dL,mg/dL,474 +772920712,3135511,6060,1,phosphate,1.7,1.7,mg/dL,mg/dL,6122 +774940389,3135511,-336,3,MCV,98.9,98.9,fL,fL,-310 +773605545,3135511,364,1,lactate,5.2,5.2,mmol/L,mmol/L,451 +774393476,3135511,3259,1,albumin,1.8,1.8,g/dL,g/dL,3310 +772912477,3135511,6060,1,albumin,1.8,1.8,g/dL,g/dL,6122 +773985230,3135511,7554,1,total protein,5.5,5.5,g/dL,g/dL,7784 +773835972,3135511,11105,1,chloride,104.0,104,mmol/L,mmol/L,11147 +774393471,3135511,3259,1,creatinine,0.9,0.9,mg/dL,mg/dL,3310 +772912471,3135511,6060,1,potassium,3.9,3.9,mmol/L,mmol/L,6122 +774940392,3135511,-336,3,RDW,17.3,17.3,%,%cv,-310 +775698661,3135511,3259,3,MCH,34.2,34.2,pg,pg,3290 +774393472,3135511,3259,1,alkaline phos.,125.0,125,Units/L,U/L,3310 +775570010,3135511,7554,3,MCHC,34.4,34.4,g/dL,g/dL,7688 +773985222,3135511,7554,1,potassium,3.2,3.2,mmol/L,mmol/L,7784 +776990612,3135511,10848,4,bedside glucose,166.0,166,mg/dL,mg/dL,10849 +774388443,3135511,364,1,magnesium,0.7,0.7,mg/dL,mg/dL,474 +773253431,3135511,-336,1,bicarbonate,23.0,23,mmol/L,mmol/L,-175 +774940385,3135511,-336,3,-basos,0.2,0.2,%,%,-310 +773327347,3135511,4615,1,creatinine,0.9,0.9,mg/dL,mg/dL,4648 +774393470,3135511,3259,1,potassium,4.2,4.2,mmol/L,mmol/L,3310 +773746800,3135511,9074,1,glucose,136.0,136,mg/dL,mg/dL,9166 +773985221,3135511,7554,1,total bilirubin,1.5,1.5,mg/dL,mg/dL,7784 +773253423,3135511,-336,1,total bilirubin,3.0,3.0,mg/dL,mg/dL,-175 +774393477,3135511,3259,1,bicarbonate,21.0,21,mmol/L,mmol/L,3310 +775570011,3135511,7554,3,platelets x 1000,130.0,130,K/mcL,10*3/uL,7688 +774940387,3135511,-336,3,Hct,36.3,36.3,%,%,-310 +773835973,3135511,11105,1,bicarbonate,29.0,29,mmol/L,mmol/L,11147 +774393473,3135511,3259,1,anion gap,8.0,8,,mmol/L,3310 +773253424,3135511,-336,1,potassium,5.9,5.9,mmol/L,mmol/L,-175 +773985224,3135511,7554,1,alkaline phos.,117.0,117,Units/L,U/L,7784 +773327346,3135511,4615,1,potassium,4.1,4.1,mmol/L,mmol/L,4648 +774393475,3135511,3259,1,sodium,136.0,136,mmol/L,mmol/L,3310 +775698663,3135511,3259,3,MCHC,34.5,34.5,g/dL,g/dL,3290 +774940386,3135511,-336,3,-polys,88.1,88.1,%,%,-310 +773043880,3135511,4615,1,phosphate,1.4,1.4,mg/dL,mg/dL,4648 +774393480,3135511,3259,1,ALT (SGPT),39.0,39,Units/L,U/L,3310 +775570009,3135511,7554,3,MCH,34.6,34.6,pg,pg,7688 +773985223,3135511,7554,1,creatinine,0.9,0.9,mg/dL,mg/dL,7784 +777131792,3135511,3655,4,bedside glucose,148.0,148,mg/dL,mg/dL,3658 +774393478,3135511,3259,1,total protein,5.3,5.3,g/dL,g/dL,3310 +773253429,3135511,-336,1,sodium,131.0,131,mmol/L,mmol/L,-175 +774940383,3135511,-336,3,-lymphs,2.5,2.5,%,%,-310 +773327348,3135511,4615,1,anion gap,8.0,8,,mmol/L,4648 +774261415,3135511,364,1,lipase,86.0,86,Units/L,U/L,774 +773792503,3135511,3259,1,magnesium,1.7,1.7,mg/dL,mg/dL,3310 +773985225,3135511,7554,1,anion gap,11.0,11,,mmol/L,7784 +773253430,3135511,-336,1,albumin,2.3,2.3,g/dL,g/dL,-175 +774393482,3135511,3259,1,chloride,107.0,107,mmol/L,mmol/L,3310 +775570005,3135511,7554,3,MCV,100.3,100.3,fL,fL,7688 +774940384,3135511,-336,3,RBC,3.67,3.67,M/mcL,10*6/uL,-310 +773835971,3135511,11105,1,potassium,3.6,3.6,mmol/L,mmol/L,11147 +774393469,3135511,3259,1,total bilirubin,1.7,1.7,mg/dL,mg/dL,3310 +773115924,3135511,4615,1,magnesium,1.5,1.5,mg/dL,mg/dL,4648 +773964886,3135511,1751,1,phosphate,2.0,2.0,mg/dL,mg/dL,1850 +773327351,3135511,4615,1,calcium,7.5,7.5,mg/dL,mg/dL,4648 +774393479,3135511,3259,1,calcium,7.3,7.3,mg/dL,mg/dL,3310 +775698662,3135511,3259,3,-monos,3.6,3.6,%,%,3290 +774940388,3135511,-336,3,-eos,0.0,0.0,%,%,-310 +773253427,3135511,-336,1,anion gap,10.0,10,,mmol/L,-175 +774964039,3135511,364,3,PTT,45.0,45,sec,Seconds,401 +775570003,3135511,7554,3,RBC,2.98,2.98,M/mcL,10*6/uL,7688 +773974527,3135511,-336,1,lactate,3.8,3.8,mmol/L,mmol/L,-280 +776887405,3135511,5089,4,bedside glucose,167.0,167,mg/dL,mg/dL,5106 +775289239,3135511,3259,3,PT,23.1,23.1,sec,Seconds,3292 +773253426,3135511,-336,1,alkaline phos.,165.0,165,Units/L,U/L,-175 +774712986,3135511,1751,1,magnesium,1.6,1.6,mg/dL,mg/dL,1850 +773327352,3135511,4615,1,glucose,146.0,146,mg/dL,mg/dL,4648 +774393481,3135511,3259,1,glucose,157.0,157,mg/dL,mg/dL,3310 +773746802,3135511,9074,1,creatinine,1.0,1.0,mg/dL,mg/dL,9166 +773999515,3135511,6060,1,magnesium,1.6,1.6,mg/dL,mg/dL,6122 +773253425,3135511,-336,1,creatinine,1.5,1.5,mg/dL,mg/dL,-175 +774964038,3135511,364,3,PT - INR,2.29,2.29,ratio,,401 +775570002,3135511,7554,3,MPV,11.3,11.3,fL,fL,7688 +777346846,3135511,-336,4,ammonia,32.0,32,mcg/dL,umol/L,-280 +773835970,3135511,11105,1,sodium,140.0,140,mmol/L,mmol/L,11147 +777027402,3135511,6231,4,bedside glucose,156.0,156,mg/dL,mg/dL,6249 +773253428,3135511,-336,1,AST (SGOT),111.0,111,Units/L,U/L,-175 +774835932,3135511,-336,2,Digoxin,0.69,0.69,ng/mL,ng/mL,-175 +773327349,3135511,4615,1,sodium,138.0,138,mmol/L,mmol/L,4648 +776905754,3135511,9983,4,bedside glucose,147.0,147,mg/dL,mg/dL,9986 +773910970,3135511,3259,1,lactate,1.7,1.7,mmol/L,mmol/L,3308 +775289240,3135511,3259,3,PT - INR,2.06,2.06,ratio,,3292 +773253435,3135511,-336,1,glucose,106.0,106,mg/dL,mg/dL,-175 +776477839,3135511,4615,3,platelets x 1000,99.0,99,K/mcL,10*3/uL,4632 +775570004,3135511,7554,3,Hct,29.9,29.9,%,%,7688 +776159458,3135511,-336,3,PT - INR,1.76,1.76,ratio,,-313 +776945446,3135511,7968,4,bedside glucose,128.0,128,mg/dL,mg/dL,7969 +776477836,3135511,4615,3,MCH,35.2,35.2,pg,pg,4632 +773253436,3135511,-336,1,chloride,98.0,98,mmol/L,mmol/L,-175 +774393483,3135511,3259,1,BUN,24.0,24,mg/dL,mg/dL,3310 +773327353,3135511,4615,1,chloride,110.0,110,mmol/L,mmol/L,4648 +776477838,3135511,4615,3,MCHC,35.1,35.1,g/dL,g/dL,4632 +773746801,3135511,9074,1,BUN,24.0,24,mg/dL,mg/dL,9166 +776159457,3135511,-336,3,PT,20.5,20.5,sec,Seconds,-313 +773253437,3135511,-336,1,BUN,13.0,13,mg/dL,mg/dL,-175 +776477837,3135511,4615,3,-monos,4.7,4.7,%,%,4632 +775570007,3135511,7554,3,WBC x 1000,15.3,15.3,K/mcL,10*3/uL,7688 +774964037,3135511,364,3,PT,25.0,25.0,sec,Seconds,401 +773835969,3135511,11105,1,creatinine,1.1,1.1,mg/dL,mg/dL,11147 +776477825,3135511,4615,3,MPV,10.7,10.7,fL,fL,4632 +773102686,3135511,-336,1,troponin - I,0.02,0.02,ng/mL,ng/mL,-175 +776881299,3135511,9235,4,bedside glucose,152.0,152,mg/dL,mg/dL,9245 +773327350,3135511,4615,1,bicarbonate,20.0,20,mmol/L,mmol/L,4648 +776477826,3135511,4615,3,-lymphs,5.6,5.6,%,%,4632 +775698664,3135511,3259,3,platelets x 1000,105.0,105,K/mcL,10*3/uL,3290 +775289241,3135511,3259,3,PTT,37.0,37,sec,Seconds,3292 +773253433,3135511,-336,1,calcium,8.5,8.5,mg/dL,mg/dL,-175 +776477827,3135511,4615,3,RBC,2.5,2.50,M/mcL,10*6/uL,4632 +775570008,3135511,7554,3,RDW,17.2,17.2,%,%cv,7688 +776856778,3135511,10603,4,bedside glucose,133.0,133,mg/dL,mg/dL,10604 +776982683,3135511,4838,4,bedside glucose,139.0,139,mg/dL,mg/dL,4864 +776477832,3135511,4615,3,MCV,100.4,100.4,fL,fL,4632 +777315781,3135511,9702,4,bedside glucose,126.0,126,mg/dL,mg/dL,9718 +776557725,3135511,364,3,MPV,11.4,11.4,fL,fL,403 +773253434,3135511,-336,1,ALT (SGPT),50.0,50,Units/L,U/L,-175 +776477831,3135511,4615,3,-eos,0.0,0.0,%,%,4632 +777203418,3135511,3900,4,bedside glucose,177.0,177,mg/dL,mg/dL,3926 +776557726,3135511,364,3,RBC,3.0,3.00,M/mcL,10*6/uL,403 +777051433,3135511,7024,4,bedside glucose,142.0,142,mg/dL,mg/dL,7034 +776477833,3135511,4615,3,Hgb,8.8,8.8,g/dL,gm/dL,4632 +777093856,3135511,5303,4,bedside glucose,181.0,181,mg/dL,mg/dL,5337 +776557727,3135511,364,3,Hct,30.4,30.4,%,%,403 +773746804,3135511,9074,1,potassium,3.4,3.4,mmol/L,mmol/L,9166 +776477830,3135511,4615,3,Hct,25.1,25.1,%,%,4632 +777260136,3135511,6748,4,bedside glucose,180.0,180,mg/dL,mg/dL,6782 +776557728,3135511,364,3,MCV,101.3,101.3,fL,fL,403 +773112133,3135511,7554,1,magnesium,1.6,1.6,mg/dL,mg/dL,7784 +776477829,3135511,4615,3,-polys,88.7,88.7,%,%,4632 +776895356,3135511,8253,4,bedside glucose,145.0,145,mg/dL,mg/dL,8274 +776557729,3135511,364,3,Hgb,10.6,10.6,g/dL,gm/dL,403 +776917449,3135511,7264,4,bedside glucose,140.0,140,mg/dL,mg/dL,7267 +776477834,3135511,4615,3,WBC x 1000,16.8,16.8,K/mcL,10*3/uL,4632 +773327354,3135511,4615,1,BUN,26.0,26,mg/dL,mg/dL,4648 +776557730,3135511,364,3,WBC x 1000,44.7,44.7,K/mcL,10*3/uL,403 +777196362,3135511,11137,4,bedside glucose,142.0,142,mg/dL,mg/dL,11138 +776477835,3135511,4615,3,RDW,16.8,16.8,%,%cv,4632 +777318082,3135511,5784,4,bedside glucose,132.0,132,mg/dL,mg/dL,5802 +776557733,3135511,364,3,MCHC,34.9,34.9,g/dL,g/dL,403 +777002970,3135511,7707,4,bedside glucose,139.0,139,mg/dL,mg/dL,7708 +776477828,3135511,4615,3,-basos,0.1,0.1,%,%,4632 +777275239,3135511,7950,4,ammonia,22.0,22,mcg/dL,umol/L,7990 +776557732,3135511,364,3,MCH,35.3,35.3,pg,pg,403 +773253432,3135511,-336,1,total protein,6.9,6.9,g/dL,g/dL,-175 +777340404,3135511,11451,4,bedside glucose,130.0,130,mg/dL,mg/dL,11453 +776083433,3135511,7554,3,PT,23.5,23.5,sec,Seconds,7716 +777216114,3135511,6487,4,WBC's in body fluid,184.0,184,,/uL,6528 +777058249,3135511,-262,4,urinary specific gravity,1.015,1.015,,,-250 +776083434,3135511,7554,3,PT - INR,2.11,2.11,ratio,,7716 +775570006,3135511,7554,3,Hgb,10.3,10.3,g/dL,gm/dL,7688 +777266645,3135511,8528,4,bedside glucose,164.0,164,mg/dL,mg/dL,8536 +776083435,3135511,7554,3,PTT,33.0,33,sec,Seconds,7716 +777158841,3135511,6524,4,bedside glucose,145.0,145,mg/dL,mg/dL,6543 +776557734,3135511,364,3,platelets x 1000,142.0,142,K/mcL,10*3/uL,403 +776353224,3135511,5065,3,PTT,34.0,34,sec,Seconds,5095 +776975171,3135511,4223,4,bedside glucose,134.0,134,mg/dL,mg/dL,4232 +776353223,3135511,5065,3,PT - INR,2.14,2.14,ratio,,5095 +776921278,3135511,7502,4,bedside glucose,175.0,175,mg/dL,mg/dL,7515 +777112277,3135511,5539,4,bedside glucose,138.0,138,mg/dL,mg/dL,5547 +777072283,3135511,6050,4,bedside glucose,136.0,136,mg/dL,mg/dL,6053 +776353222,3135511,5065,3,PT,23.8,23.8,sec,Seconds,5095 +776557731,3135511,364,3,RDW,16.7,16.7,%,%cv,403 +731095678,3003035,14336,1,creatinine,0.6,0.6,mg/dL,MG/DL,14374 +731095677,3003035,14336,1,potassium,5.0,5.0,mmol/L,MMOL/L,14374 +731095679,3003035,14336,1,anion gap,10.0,10,,MMOL/L,14374 +731095680,3003035,14336,1,sodium,140.0,140,mmol/L,MMOL/L,14374 +731474393,3003035,5660,1,potassium,3.8,3.8,mmol/L,MMOL/L,5707 +731095681,3003035,14336,1,bicarbonate,36.0,36,mmol/L,MMOL/L,14374 +731095683,3003035,14336,1,glucose,164.0,164,mg/dL,MG/DL,14374 +731095684,3003035,14336,1,chloride,99.0,99,mmol/L,MMOL/L,14374 +731474400,3003035,5660,1,chloride,96.0,96,mmol/L,MMOL/L,5707 +731474397,3003035,5660,1,bicarbonate,32.0,32,mmol/L,MMOL/L,5707 +729870442,3003035,17055,1,chloride,102.0,102,mmol/L,MMOL/L,17090 +731474401,3003035,5660,1,BUN,12.0,12,mg/dL,MG/DL,5707 +729870443,3003035,17055,1,BUN,16.0,16,mg/dL,MG/DL,17090 +731474399,3003035,5660,1,glucose,166.0,166,mg/dL,MG/DL,5707 +729870440,3003035,17055,1,calcium,7.9,7.9,mg/dL,MG/DL,17090 +731474396,3003035,5660,1,sodium,134.0,134,mmol/L,MMOL/L,5707 +729870437,3003035,17055,1,anion gap,9.0,9,,MMOL/L,17090 +731474398,3003035,5660,1,calcium,8.0,8.0,mg/dL,MG/DL,5707 +729870441,3003035,17055,1,glucose,120.0,120,mg/dL,MG/DL,17090 +731474394,3003035,5660,1,creatinine,0.7,0.7,mg/dL,MG/DL,5707 +729870439,3003035,17055,1,bicarbonate,35.0,35,mmol/L,MMOL/L,17090 +731095682,3003035,14336,1,calcium,8.1,8.1,mg/dL,MG/DL,14374 +729870435,3003035,17055,1,potassium,5.3,5.3,mmol/L,MMOL/L,17090 +731095685,3003035,14336,1,BUN,17.0,17,mg/dL,MG/DL,14374 +729870436,3003035,17055,1,creatinine,0.7,0.7,mg/dL,MG/DL,17090 +731474395,3003035,5660,1,anion gap,10.0,10,,MMOL/L,5707 +729870438,3003035,17055,1,sodium,141.0,141,mmol/L,MMOL/L,17090 +728859553,3003035,31519,1,anion gap,6.0,6,,MMOL/L,31568 +735016538,3003035,30114,3,-eos,1.0,1.0,%,%,30148 +728859545,3003035,31519,1,glucose,122.0,122,mg/dL,MG/DL,31568 +735016539,3003035,30114,3,-basos,0.7,0.7,%,%,30148 +728927757,3003035,15653,1,BUN,18.0,18,mg/dL,MG/DL,15698 +735016537,3003035,30114,3,-monos,12.0,12.0,%,%,30148 +728927756,3003035,15653,1,chloride,98.0,98,mmol/L,MMOL/L,15698 +735016525,3003035,30114,3,WBC x 1000,9.7,9.7,K/mcL,THS/uL,30148 +728927753,3003035,15653,1,bicarbonate,36.0,36,mmol/L,MMOL/L,15698 +734933734,3003035,17055,3,Hgb,8.4,8.4,g/dL,G/DL,17083 +728927752,3003035,15653,1,sodium,137.0,137,mmol/L,MMOL/L,15698 +735016534,3003035,30114,3,MPV,8.0,8.0,fL,FL,30148 +728927751,3003035,15653,1,anion gap,8.0,8,,MMOL/L,15698 +735016535,3003035,30114,3,-polys,59.9,59.9,%,%,30148 +728927750,3003035,15653,1,creatinine,0.7,0.7,mg/dL,MG/DL,15698 +734933732,3003035,17055,3,Hct,25.3,25.3,%,%,17083 +728927749,3003035,15653,1,potassium,4.9,4.9,mmol/L,MMOL/L,15698 +734933735,3003035,17055,3,WBC x 1000,14.5,14.5,K/mcL,THS/uL,17083 +728859549,3003035,31519,1,potassium,3.5,3.5,mmol/L,MMOL/L,31568 +734463622,3003035,18538,3,MCH,28.6,28.6,pg,PG,18554 +728859546,3003035,31519,1,BUN,4.0,4,mg/dL,MG/DL,31568 +734463623,3003035,18538,3,-monos,8.1,8.1,%,%,18554 +728927754,3003035,15653,1,calcium,7.7,7.7,mg/dL,MG/DL,15698 +734933733,3003035,17055,3,MCV,86.1,86.1,fL,FL,17083 +728859551,3003035,31519,1,bicarbonate,28.0,28,mmol/L,MMOL/L,31568 +735016536,3003035,30114,3,-lymphs,26.4,26.4,%,%,30148 +728927755,3003035,15653,1,glucose,107.0,107,mg/dL,MG/DL,15698 +735016531,3003035,30114,3,MCHC,34.7,34.7,g/dL,G/DL,30148 +728859548,3003035,31519,1,sodium,137.0,137,mmol/L,MMOL/L,31568 +734933730,3003035,17055,3,MPV,8.4,8.4,fL,FL,17083 +728859550,3003035,31519,1,chloride,107.0,107,mmol/L,MMOL/L,31568 +735016532,3003035,30114,3,RDW,16.2,16.2,%,%,30148 +728859552,3003035,31519,1,calcium,7.8,7.8,mg/dL,MG/DL,31568 +734463624,3003035,18538,3,MCHC,33.4,33.4,g/dL,G/DL,18554 +728859547,3003035,31519,1,creatinine,0.6,0.6,mg/dL,MG/DL,31568 +734933736,3003035,17055,3,RDW,15.4,15.4,%,%,17083 +735311466,3003035,7074,3,MPV,7.7,7.7,fL,FL,7113 +734933731,3003035,17055,3,RBC,2.94,2.94,M/mcL,MIL/uL,17083 +735252425,3003035,24250,3,Hgb,9.2,9.2,g/dL,G/DL,24272 +734463621,3003035,18538,3,RDW,15.6,15.6,%,%,18554 +735311467,3003035,7074,3,RBC,3.39,3.39,M/mcL,MIL/uL,7113 +735016533,3003035,30114,3,platelets x 1000,543.0,543,K/mcL,THS/uL,30148 +735543874,3003035,15653,3,RBC,3.0,3.00,M/mcL,MIL/uL,15683 +734463617,3003035,18538,3,-eos,1.0,1.0,%,%,18554 +735252427,3003035,24250,3,RDW,15.5,15.5,%,%,24272 +735016527,3003035,30114,3,Hgb,9.6,9.6,g/dL,G/DL,30148 +735252426,3003035,24250,3,WBC x 1000,10.8,10.8,K/mcL,THS/uL,24272 +734463614,3003035,18538,3,-basos,0.2,0.2,%,%,18554 +735311472,3003035,7074,3,RDW,15.1,15.1,%,%,7113 +735016528,3003035,30114,3,Hct,27.6,27.6,%,%,30148 +735311473,3003035,7074,3,MCH,28.3,28.3,pg,PG,7113 +734463613,3003035,18538,3,RBC,2.91,2.91,M/mcL,MIL/uL,18554 +735311471,3003035,7074,3,WBC x 1000,27.9,27.9,K/mcL,THS/uL,7113 +734463615,3003035,18538,3,-polys,75.7,75.7,%,%,18554 +735311474,3003035,7074,3,MCHC,32.5,32.5,g/dL,G/DL,7113 +734463616,3003035,18538,3,Hct,24.9,24.9,%,%,18554 +735543873,3003035,15653,3,MPV,8.1,8.1,fL,FL,15683 +734463618,3003035,18538,3,MCV,85.5,85.5,fL,FL,18554 +735252428,3003035,24250,3,MCH,28.7,28.7,pg,PG,24272 +735016529,3003035,30114,3,MCV,85.8,85.8,fL,FL,30148 +735252424,3003035,24250,3,MCV,85.6,85.6,fL,FL,24272 +734463611,3003035,18538,3,MPV,8.6,8.6,fL,FL,18554 +735311468,3003035,7074,3,Hct,29.6,29.6,%,%,7113 +734463619,3003035,18538,3,Hgb,8.3,8.3,g/dL,G/DL,18554 +735252423,3003035,24250,3,-eos,0.6,0.6,%,%,24272 +735016526,3003035,30114,3,RBC,3.22,3.22,M/mcL,MIL/uL,30148 +735543875,3003035,15653,3,Hct,25.8,25.8,%,%,15683 +734463612,3003035,18538,3,-lymphs,15.0,15.0,%,%,18554 +735311475,3003035,7074,3,platelets x 1000,485.0,485,K/mcL,THS/uL,7113 +735016530,3003035,30114,3,MCH,29.8,29.8,pg,PG,30148 +735252420,3003035,24250,3,-basos,1.4,1.4,%,%,24272 +734933738,3003035,17055,3,MCHC,33.3,33.3,g/dL,G/DL,17083 +735572990,3003035,20006,3,MCHC,32.6,32.6,g/dL,G/DL,20033 +734933739,3003035,17055,3,platelets x 1000,363.0,363,K/mcL,THS/uL,17083 +735543882,3003035,15653,3,platelets x 1000,378.0,378,K/mcL,THS/uL,15683 +734933737,3003035,17055,3,MCH,28.7,28.7,pg,PG,17083 +735572991,3003035,20006,3,platelets x 1000,371.0,371,K/mcL,THS/uL,20033 +734463620,3003035,18538,3,WBC x 1000,14.1,14.1,K/mcL,THS/uL,18554 +735572988,3003035,20006,3,MCH,28.1,28.1,pg,PG,20033 +734463625,3003035,18538,3,platelets x 1000,372.0,372,K/mcL,THS/uL,18554 +735572989,3003035,20006,3,-monos,9.3,9.3,%,%,20033 +729022177,3003035,20006,1,sodium,137.0,137,mmol/L,MMOL/L,20043 +735252421,3003035,24250,3,-polys,73.9,73.9,%,%,24272 +729333513,3003035,22902,1,calcium,8.0,8.0,mg/dL,MG/DL,22942 +735572984,3003035,20006,3,MCV,86.1,86.1,fL,FL,20033 +729481446,3003035,30114,1,glucose,116.0,116,mg/dL,MG/DL,30160 +735543878,3003035,15653,3,WBC x 1000,16.0,16.0,K/mcL,THS/uL,15683 +729022179,3003035,20006,1,calcium,7.9,7.9,mg/dL,MG/DL,20043 +735572985,3003035,20006,3,Hgb,8.2,8.2,g/dL,G/DL,20033 +729333510,3003035,22902,1,albumin,1.3,1.3,g/dL,GM/DL,22942 +735572983,3003035,20006,3,-eos,1.8,1.8,%,%,20033 +729333515,3003035,22902,1,glucose,111.0,111,mg/dL,MG/DL,22942 +735543879,3003035,15653,3,RDW,15.2,15.2,%,%,15683 +729333514,3003035,22902,1,ALT (SGPT),23.0,23,Units/L,U/L,22942 +735252417,3003035,24250,3,MPV,9.0,9.0,fL,FL,24272 +729333512,3003035,22902,1,total protein,7.0,7.0,g/dL,GM/DL,22942 +735266679,3003035,31519,3,PT,12.3,12.3,sec,SEC,31547 +729333505,3003035,22902,1,potassium,4.4,4.4,mmol/L,MMOL/L,22942 +735266680,3003035,31519,3,PT - INR,1.22,1.22,ratio,,31547 +729333507,3003035,22902,1,alkaline phos.,100.0,100,Units/L,U/L,22942 +735543881,3003035,15653,3,MCHC,32.7,32.7,g/dL,G/DL,15683 +729333517,3003035,22902,1,BUN,16.0,16,mg/dL,MG/DL,22942 +735572981,3003035,20006,3,-polys,67.0,67.0,%,%,20033 +731384793,3003035,9961,1,potassium,4.3,4.3,mmol/L,MMOL/L,9993 +729333516,3003035,22902,1,chloride,102.0,102,mmol/L,MMOL/L,22942 +731384794,3003035,9961,1,creatinine,0.9,0.9,mg/dL,MG/DL,9993 +735572986,3003035,20006,3,WBC x 1000,11.1,11.1,K/mcL,THS/uL,20033 +731418393,3003035,8558,1,BUN,18.0,18,mg/dL,MG/DL,8604 +729333508,3003035,22902,1,AST (SGOT),28.0,28,Units/L,U/L,22942 +731678625,3003035,11426,1,bicarbonate,34.0,34,mmol/L,MMOL/L,11453 +735252431,3003035,24250,3,platelets x 1000,421.0,421,K/mcL,THS/uL,24272 +731418391,3003035,8558,1,glucose,164.0,164,mg/dL,MG/DL,8604 +729022178,3003035,20006,1,bicarbonate,32.0,32,mmol/L,MMOL/L,20043 +731678628,3003035,11426,1,chloride,98.0,98,mmol/L,MMOL/L,11453 +735252418,3003035,24250,3,-lymphs,14.7,14.7,%,%,24272 +731678629,3003035,11426,1,BUN,19.0,19,mg/dL,MG/DL,11453 +729022180,3003035,20006,1,glucose,115.0,115,mg/dL,MG/DL,20043 +731384800,3003035,9961,1,chloride,96.0,96,mmol/L,MMOL/L,9993 +735572982,3003035,20006,3,Hct,25.1,25.1,%,%,20033 +731384796,3003035,9961,1,sodium,134.0,134,mmol/L,MMOL/L,9993 +729333504,3003035,22902,1,total bilirubin,0.16,0.16,mg/dL,MG/DL,22942 +731418389,3003035,8558,1,bicarbonate,30.0,30,mmol/L,MMOL/L,8604 +735252430,3003035,24250,3,MCHC,33.5,33.5,g/dL,G/DL,24272 +731418387,3003035,8558,1,anion gap,12.0,12,,MMOL/L,8604 +729333511,3003035,22902,1,bicarbonate,32.0,32,mmol/L,MMOL/L,22942 +731418385,3003035,8558,1,potassium,4.1,4.1,mmol/L,MMOL/L,8604 +735543880,3003035,15653,3,MCH,28.1,28.1,pg,PG,15683 +734336948,3003035,22902,3,-basos,1.4,1.4,%,%,22926 +729022174,3003035,20006,1,potassium,5.2,5.2,mmol/L,MMOL/L,20043 +731418390,3003035,8558,1,calcium,7.8,7.8,mg/dL,MG/DL,8604 +733183824,3003035,2830,3,platelets x 1000,474.0,474,K/mcL,THS/uL,2873 +735572987,3003035,20006,3,RDW,15.5,15.5,%,%,20033 +734336947,3003035,22902,3,RBC,3.19,3.19,M/mcL,MIL/uL,22926 +733427451,3003035,5660,3,platelets x 1000,539.0,539,K/mcL,THS/uL,5691 +729481451,3003035,30114,1,chloride,105.0,105,mmol/L,MMOL/L,30160 +731418388,3003035,8558,1,sodium,133.0,133,mmol/L,MMOL/L,8604 +733079259,3003035,8558,3,RDW,15.1,15.1,%,%,8593 +735572978,3003035,20006,3,-lymphs,21.7,21.7,%,%,20033 +734336949,3003035,22902,3,-polys,71.3,71.3,%,%,22926 +733427450,3003035,5660,3,MCHC,34.2,34.2,g/dL,G/DL,5691 +729333509,3003035,22902,1,sodium,136.0,136,mmol/L,MMOL/L,22942 +731678623,3003035,11426,1,anion gap,9.0,9,,MMOL/L,11453 +733427449,3003035,5660,3,MCH,29.2,29.2,pg,PG,5691 +735311469,3003035,7074,3,MCV,87.1,87.1,fL,FL,7113 +734336946,3003035,22902,3,-lymphs,17.3,17.3,%,%,22926 +733183819,3003035,2830,3,Hgb,10.0,10.0,g/dL,G/DL,2873 +729481453,3003035,30114,1,calcium,7.9,7.9,mg/dL,MG/DL,30160 +731384801,3003035,9961,1,BUN,21.0,21,mg/dL,MG/DL,9993 +733072647,3003035,27242,3,RBC,3.35,3.35,M/mcL,MIL/uL,27266 +735252419,3003035,24250,3,RBC,3.21,3.21,M/mcL,MIL/uL,24272 +734336959,3003035,22902,3,platelets x 1000,409.0,409,K/mcL,THS/uL,22926 +733072648,3003035,27242,3,-basos,0.4,0.4,%,%,27266 +729022176,3003035,20006,1,anion gap,8.0,8,,MMOL/L,20043 +731678622,3003035,11426,1,creatinine,0.7,0.7,mg/dL,MG/DL,11453 +733072645,3003035,27242,3,MPV,8.6,8.6,fL,FL,27266 +735543876,3003035,15653,3,MCV,86.1,86.1,fL,FL,15683 +734336957,3003035,22902,3,-monos,9.1,9.1,%,%,22926 +733072653,3003035,27242,3,Hgb,9.5,9.5,g/dL,G/DL,27266 +729481454,3003035,30114,1,anion gap,10.0,10,,MMOL/L,30160 +731678624,3003035,11426,1,sodium,136.0,136,mmol/L,MMOL/L,11453 +733072651,3003035,27242,3,-eos,0.8,0.8,%,%,27266 +735252422,3003035,24250,3,Hct,27.5,27.5,%,%,24272 +734336958,3003035,22902,3,MCHC,32.8,32.8,g/dL,G/DL,22926 +733183821,3003035,2830,3,RDW,14.8,14.8,%,%,2873 +729481449,3003035,30114,1,sodium,136.0,136,mmol/L,MMOL/L,30160 +731678626,3003035,11426,1,calcium,8.1,8.1,mg/dL,MG/DL,11453 +733072646,3003035,27242,3,-lymphs,23.2,23.2,%,%,27266 +735572979,3003035,20006,3,RBC,2.91,2.91,M/mcL,MIL/uL,20033 +734336955,3003035,22902,3,RDW,15.7,15.7,%,%,22926 +733072649,3003035,27242,3,-polys,63.4,63.4,%,%,27266 +729333506,3003035,22902,1,creatinine,0.6,0.6,mg/dL,MG/DL,22942 +731384795,3003035,9961,1,anion gap,10.0,10,,MMOL/L,9993 +733183818,3003035,2830,3,MCV,85.1,85.1,fL,FL,2873 +735572980,3003035,20006,3,-basos,0.2,0.2,%,%,20033 +734336956,3003035,22902,3,MCH,28.3,28.3,pg,PG,22926 +733427445,3003035,5660,3,MCV,85.5,85.5,fL,FL,5691 +729022175,3003035,20006,1,creatinine,0.7,0.7,mg/dL,MG/DL,20043 +731418386,3003035,8558,1,creatinine,0.9,0.9,mg/dL,MG/DL,8604 +733183820,3003035,2830,3,WBC x 1000,31.0,31.0,K/mcL,THS/uL,2873 +735572977,3003035,20006,3,MPV,9.0,9.0,fL,FL,20033 +734336950,3003035,22902,3,Hct,27.6,27.6,%,%,22926 +733427446,3003035,5660,3,Hgb,10.1,10.1,g/dL,G/DL,5691 +729481448,3003035,30114,1,creatinine,0.5,0.5,mg/dL,MG/DL,30160 +731678621,3003035,11426,1,potassium,4.5,4.5,mmol/L,MMOL/L,11453 +733072654,3003035,27242,3,WBC x 1000,9.0,9.0,K/mcL,THS/uL,27266 +735543877,3003035,15653,3,Hgb,8.4,8.4,g/dL,G/DL,15683 +734336951,3003035,22902,3,-eos,0.9,0.9,%,%,22926 +733072655,3003035,27242,3,RDW,16.1,16.1,%,%,27266 +729022181,3003035,20006,1,chloride,102.0,102,mmol/L,MMOL/L,20043 +731678627,3003035,11426,1,glucose,178.0,178,mg/dL,MG/DL,11453 +733183822,3003035,2830,3,MCH,29.1,29.1,pg,PG,2873 +735311470,3003035,7074,3,Hgb,9.6,9.6,g/dL,G/DL,7113 +734336952,3003035,22902,3,MCV,86.3,86.3,fL,FL,22926 +733427447,3003035,5660,3,WBC x 1000,22.7,22.7,K/mcL,THS/uL,5691 +729481447,3003035,30114,1,BUN,3.0,3,mg/dL,MG/DL,30160 +731384798,3003035,9961,1,calcium,8.0,8.0,mg/dL,MG/DL,9993 +733079256,3003035,8558,3,MCV,86.2,86.2,fL,FL,8593 +735252429,3003035,24250,3,-monos,9.4,9.4,%,%,24272 +734336953,3003035,22902,3,Hgb,9.0,9.0,g/dL,G/DL,22926 +733183823,3003035,2830,3,MCHC,34.1,34.1,g/dL,G/DL,2873 +729022182,3003035,20006,1,BUN,17.0,17,mg/dL,MG/DL,20043 +731384797,3003035,9961,1,bicarbonate,32.0,32,mmol/L,MMOL/L,9993 +733072650,3003035,27242,3,Hct,28.6,28.6,%,%,27266 +736095868,3003035,18591,4,bedside glucose,89.0,89,mg/dL,MG/DL,18593 +734336945,3003035,22902,3,MPV,9.2,9.2,fL,FL,22926 +733079257,3003035,8558,3,Hgb,9.5,9.5,g/dL,G/DL,8593 +729481452,3003035,30114,1,bicarbonate,25.0,25,mmol/L,MMOL/L,30160 +731418392,3003035,8558,1,chloride,95.0,95,mmol/L,MMOL/L,8604 +733079260,3003035,8558,3,MCH,28.5,28.5,pg,PG,8593 +736071656,3003035,27234,4,bedside glucose,150.0,150,mg/dL,MG/DL,27243 +734336954,3003035,22902,3,WBC x 1000,12.2,12.2,K/mcL,THS/uL,22926 +733079258,3003035,8558,3,WBC x 1000,24.3,24.3,K/mcL,THS/uL,8593 +729481450,3003035,30114,1,potassium,3.9,3.9,mmol/L,MMOL/L,30160 +731384799,3003035,9961,1,glucose,188.0,188,mg/dL,MG/DL,9993 +733427448,3003035,5660,3,RDW,14.7,14.7,%,%,5691 +736234211,3003035,10014,4,bedside glucose,178.0,178,mg/dL,MG/DL,10018 +733072658,3003035,27242,3,MCHC,33.3,33.3,g/dL,G/DL,27266 +736347590,3003035,7159,4,bedside glucose,164.0,164,mg/dL,MG/DL,7163 +733183816,3003035,2830,3,RBC,3.43,3.43,M/mcL,MIL/uL,2873 +736270244,3003035,25805,4,bedside glucose,96.0,96,mg/dL,MG/DL,25808 +733183815,3003035,2830,3,MPV,8.0,8.0,fL,FL,2873 +736539434,3003035,1369,4,bedside glucose,82.0,82,mg/dL,MG/DL,1373 +733427442,3003035,5660,3,MPV,7.6,7.6,fL,FL,5691 +736288365,3003035,8581,4,bedside glucose,169.0,169,mg/dL,MG/DL,8583 +733079254,3003035,8558,3,RBC,3.34,3.34,M/mcL,MIL/uL,8593 +736277127,3003035,11443,4,bedside glucose,186.0,186,mg/dL,MG/DL,11448 +733427443,3003035,5660,3,RBC,3.44,3.44,M/mcL,MIL/uL,5691 +736294552,3003035,4256,4,bedside glucose,160.0,160,mg/dL,MG/DL,4263 +733079253,3003035,8558,3,MPV,7.7,7.7,fL,FL,8593 +736243732,3003035,31561,4,bedside glucose,122.0,122,mg/dL,MG/DL,31563 +730272629,3003035,18538,1,BUN,17.0,17,mg/dL,MG/DL,18577 +733072656,3003035,27242,3,MCH,28.4,28.4,pg,PG,27266 +730464916,3003035,21445,1,chloride,98.0,98,mmol/L,MMOL/L,21476 +736494753,3003035,5697,4,bedside glucose,170.0,170,mg/dL,MG/DL,5698 +730272628,3003035,18538,1,chloride,103.0,103,mmol/L,MMOL/L,18577 +736164895,3003035,1179,4,bedside glucose,118.0,118,mg/dL,MG/DL,1193 +730464915,3003035,21445,1,glucose,86.0,86,mg/dL,MG/DL,21476 +733072657,3003035,27242,3,-monos,12.2,12.2,%,%,27266 +730272625,3003035,18538,1,bicarbonate,35.0,35,mmol/L,MMOL/L,18577 +736400469,3003035,18364,4,bedside glucose,91.0,91,mg/dL,MG/DL,18368 +730464909,3003035,21445,1,potassium,4.5,4.5,mmol/L,MMOL/L,21476 +730412618,3003035,1422,1,creatinine,0.7,0.7,mg/dL,MG/DL,1499 +730464914,3003035,21445,1,calcium,7.8,7.8,mg/dL,MG/DL,21476 +736223558,3003035,12688,4,bedside glucose,244.0,244,mg/dL,MG/DL,12688 +738030502,3003035,6738,7,Total CO2,39.0,39,,MMOL/L,6741 +733072659,3003035,27242,3,platelets x 1000,512.0,512,K/mcL,THS/uL,27266 +730464913,3003035,21445,1,bicarbonate,33.0,33,mmol/L,MMOL/L,21476 +736356371,3003035,6911,4,bedside glucose,180.0,180,mg/dL,MG/DL,6913 +738030509,3003035,6738,7,O2 Content,,14.7,mls/dL,%,6741 +730570517,3003035,12867,1,anion gap,8.0,8,,MMOL/L,12918 +730464917,3003035,21445,1,BUN,15.0,15,mg/dL,MG/DL,21476 +736141765,3003035,24151,4,bedside glucose,72.0,72,mg/dL,MG/DL,24153 +738030503,3003035,6738,7,HCO3,36.2,36.2,mmol/L,MMOL/L,6741 +733427444,3003035,5660,3,Hct,29.4,29.4,%,%,5691 +730272626,3003035,18538,1,calcium,7.7,7.7,mg/dL,MG/DL,18577 +736315153,3003035,5501,4,bedside glucose,148.0,148,mg/dL,MG/DL,5503 +738030507,3003035,6738,7,Carboxyhemoglobin,0.3,0.3,%,,6741 +730412625,3003035,1422,1,BUN,9.0,9,mg/dL,MG/DL,1499 +730272623,3003035,18538,1,anion gap,7.0,7,,MMOL/L,18577 +736354382,3003035,29926,4,bedside glucose,128.0,128,mg/dL,MG/DL,29928 +738030512,3003035,6738,7,O2 Sat (%),87.2,87.2,%,%,6741 +733183817,3003035,2830,3,Hct,29.2,29.2,%,%,2873 +730272621,3003035,18538,1,potassium,5.0,5.0,mmol/L,MMOL/L,18577 +736258451,3003035,14133,4,bedside glucose,167.0,167,mg/dL,MG/DL,14138 +738030506,3003035,6738,7,paO2,63.0,63,mm Hg,MMHG,6741 +730412617,3003035,1422,1,potassium,3.7,3.7,mmol/L,MMOL/L,1499 +730272627,3003035,18538,1,glucose,88.0,88,mg/dL,MG/DL,18577 +736257130,3003035,4037,4,bedside glucose,160.0,160,mg/dL,MG/DL,4038 +738030513,3003035,6738,7,Base Excess,5.5,5.5,mEq/L,MMOL/L,6741 +733079262,3003035,8558,3,platelets x 1000,475.0,475,K/mcL,THS/uL,8593 +736631955,3003035,29612,4,bedside glucose,143.0,143,mg/dL,MG/DL,29628 +736319550,3003035,27026,4,bedside glucose,138.0,138,mg/dL,MG/DL,27028 +730272622,3003035,18538,1,creatinine,0.7,0.7,mg/dL,MG/DL,18577 +730547847,3003035,2830,1,sodium,131.0,131,mmol/L,MMOL/L,2867 +738030510,3003035,6738,7,pH,7.204,7.204,,,6741 +736327007,3003035,9810,4,bedside glucose,212.0,212,mg/dL,MG/DL,9813 +736489792,3003035,18061,4,bedside glucose,48.0,48,mg/dL,MG/DL,18063 +733072652,3003035,27242,3,MCV,85.4,85.4,fL,FL,27266 +736616520,3003035,17178,4,bedside glucose,130.0,130,mg/dL,MG/DL,17178 +736205300,3003035,15527,4,bedside glucose,122.0,122,mg/dL,MG/DL,15528 +738030505,3003035,6738,7,FiO2,100.0,100.0,%,%,6741 +730547845,3003035,2830,1,creatinine,0.7,0.7,mg/dL,MG/DL,2867 +736560938,3003035,31056,4,bedside glucose,123.0,123,mg/dL,MG/DL,31058 +735745584,3003035,25656,3,platelets x 1000,451.0,451,K/mcL,THS/uL,25666 +730464911,3003035,21445,1,anion gap,7.0,7,,MMOL/L,21476 +733079261,3003035,8558,3,MCHC,33.0,33.0,g/dL,G/DL,8593 +738030508,3003035,6738,7,paCO2,94.0,94.0,mm Hg,MMHG,6741 +736179228,3003035,19857,4,bedside glucose,108.0,108,mg/dL,MG/DL,19858 +736596880,3003035,18095,4,bedside glucose,93.0,93,mg/dL,MG/DL,18098 +730412622,3003035,1422,1,calcium,7.9,7.9,mg/dL,MG/DL,1499 +736637928,3003035,24373,4,bedside glucose,91.0,91,mg/dL,MG/DL,24373 +735745579,3003035,25656,3,WBC x 1000,10.4,10.4,K/mcL,THS/uL,25666 +738030504,3003035,6738,7,Methemoglobin,0.2,0.2,%,%,6741 +733079255,3003035,8558,3,Hct,28.8,28.8,%,%,8593 +736626411,3003035,28166,4,bedside glucose,96.0,96,mg/dL,MG/DL,28178 +737391333,3003035,6865,7,TV,500.0,500,mls,MLS,6869 +730272624,3003035,18538,1,sodium,140.0,140,mmol/L,MMOL/L,18577 +732443329,3003035,31519,3,WBC x 1000,7.8,7.8,K/mcL,THS/uL,31536 +735966222,3003035,21211,4,bedside glucose,79.0,79,mg/dL,MG/DL,21213 +730547848,3003035,2830,1,bicarbonate,31.0,31,mmol/L,MMOL/L,2867 +736614735,3003035,26704,4,bedside glucose,157.0,157,mg/dL,MG/DL,26733 +736668849,3003035,5175,4,bedside glucose,262.0,262,mg/dL,MG/DL,5178 +735745580,3003035,25656,3,RDW,15.7,15.7,%,%,25666 +736682194,3003035,2785,4,bedside glucose,144.0,144,mg/dL,MG/DL,2788 +736661216,3003035,15298,4,bedside glucose,139.0,139,mg/dL,MG/DL,15308 +731928627,3003035,7074,1,creatinine,0.8,0.8,mg/dL,MG/DL,7111 +736323156,3003035,15959,4,bedside glucose,134.0,134,mg/dL,MG/DL,15968 +736412185,3003035,13833,4,bedside glucose,199.0,199,mg/dL,MG/DL,13833 +732717094,3003035,21445,3,-polys,61.2,61.2,%,%,21463 +736602020,3003035,25243,4,bedside glucose,93.0,93,mg/dL,MG/DL,25243 +736266554,3003035,856,4,bedside glucose,306.0,306,mg/dL,MG/DL,863 +737391341,3003035,6865,7,pH,7.285,7.285,,,6869 +730464910,3003035,21445,1,creatinine,0.7,0.7,mg/dL,MG/DL,21476 +736640948,3003035,12373,4,bedside glucose,218.0,218,mg/dL,MG/DL,12378 +732443343,3003035,31519,3,-basos,0.2,0.2,%,%,31536 +736406897,3003035,16894,4,bedside glucose,116.0,116,mg/dL,MG/DL,16898 +736296858,3003035,23886,4,bedside glucose,92.0,92,mg/dL,MG/DL,23888 +730570523,3003035,12867,1,BUN,17.0,17,mg/dL,MG/DL,12918 +738306946,3003035,6865,7,PEEP,5.0,5.0,cm H2O,,6869 +736504075,3003035,2326,4,bedside glucose,201.0,201,mg/dL,MG/DL,2333 +735745576,3003035,25656,3,-eos,0.7,0.7,%,%,25666 +736565688,3003035,14339,4,bedside glucose,167.0,167,mg/dL,MG/DL,14343 +735939434,3003035,10920,4,bedside glucose,196.0,196,mg/dL,MG/DL,10923 +732443330,3003035,31519,3,RBC,3.29,3.29,M/mcL,MIL/uL,31536 +736353632,3003035,90,4,bedside glucose,167.0,167,mg/dL,MG/DL,103 +736091401,3003035,6605,4,bedside glucose,154.0,154,mg/dL,MG/DL,6608 +732717091,3003035,21445,3,-lymphs,24.2,24.2,%,%,21463 +736466088,3003035,3712,4,bedside glucose,170.0,170,mg/dL,MG/DL,3713 +736634385,3003035,9498,4,bedside glucose,215.0,215,mg/dL,MG/DL,9503 +737391343,3003035,6865,7,O2 Sat (%),98.7,98.7,%,%,6869 +730464912,3003035,21445,1,sodium,133.0,133,mmol/L,MMOL/L,21476 +735955085,3003035,8040,4,bedside glucose,113.0,113,mg/dL,MG/DL,8043 +732443339,3003035,31519,3,-polys,63.3,63.3,%,%,31536 +734223942,3003035,9961,3,RBC,3.13,3.13,M/mcL,MIL/uL,9980 +730547846,3003035,2830,1,anion gap,10.0,10,,MMOL/L,2867 +734223943,3003035,9961,3,Hct,26.8,26.8,%,%,9980 +735745577,3003035,25656,3,MCV,85.2,85.2,fL,FL,25666 +733998288,3003035,1422,3,RDW,14.8,14.8,%,%,1440 +732443333,3003035,31519,3,MCV,86.5,86.5,fL,FL,31536 +733998285,3003035,1422,3,MCV,85.6,85.6,fL,FL,1440 +732717104,3003035,21445,3,platelets x 1000,345.0,345,K/mcL,THS/uL,21463 +733998289,3003035,1422,3,MCH,29.1,29.1,pg,PG,1440 +737391344,3003035,6865,7,Base Excess,6.1,6.1,mEq/L,MMOL/L,6869 +733998286,3003035,1422,3,Hgb,11.2,11.2,g/dL,G/DL,1440 +731928628,3003035,7074,1,anion gap,12.0,12,,MMOL/L,7111 +733998287,3003035,1422,3,WBC x 1000,36.8,36.8,K/mcL,THS/uL,1440 +730570518,3003035,12867,1,sodium,139.0,139,mmol/L,MMOL/L,12918 +734223944,3003035,9961,3,MCV,85.7,85.7,fL,FL,9980 +735745578,3003035,25656,3,Hgb,8.6,8.6,g/dL,G/DL,25666 +733753741,3003035,28687,3,RDW,15.7,15.7,%,%,28728 +732443332,3003035,31519,3,Hct,28.5,28.5,%,%,31536 +734223945,3003035,9961,3,Hgb,8.7,8.7,g/dL,G/DL,9980 +732717090,3003035,21445,3,MPV,9.0,9.0,fL,FL,21463 +733668080,3003035,12867,3,platelets x 1000,409.0,409,K/mcL,THS/uL,12897 +737391331,3003035,6865,7,Total CO2,37.0,37,,MMOL/L,6869 +733753743,3003035,28687,3,MCHC,33.4,33.4,g/dL,G/DL,28728 +731928626,3003035,7074,1,potassium,3.8,3.8,mmol/L,MMOL/L,7111 +733693508,3003035,11426,3,platelets x 1000,439.0,439,K/mcL,THS/uL,11444 +730412620,3003035,1422,1,sodium,132.0,132,mmol/L,MMOL/L,1499 +733753737,3003035,28687,3,Hct,27.4,27.4,%,%,28728 +735745581,3003035,25656,3,MCH,26.3,26.3,pg,PG,25666 +733693507,3003035,11426,3,MCHC,32.9,32.9,g/dL,G/DL,11444 +732443337,3003035,31519,3,platelets x 1000,499.0,499,K/mcL,THS/uL,31536 +733693503,3003035,11426,3,Hgb,8.9,8.9,g/dL,G/DL,11444 +732717092,3003035,21445,3,RBC,3.05,3.05,M/mcL,MIL/uL,21463 +733693504,3003035,11426,3,WBC x 1000,21.0,21.0,K/mcL,THS/uL,11444 +737391332,3003035,6865,7,HCO3,34.7,34.7,mmol/L,MMOL/L,6869 +733693505,3003035,11426,3,RDW,15.1,15.1,%,%,11444 +732443338,3003035,31519,3,MPV,7.9,7.9,fL,FL,31536 +733753738,3003035,28687,3,MCV,86.3,86.3,fL,FL,28728 +730547844,3003035,2830,1,potassium,3.5,3.5,mmol/L,MMOL/L,2867 +733693501,3003035,11426,3,Hct,27.0,27.0,%,%,11444 +735745582,3003035,25656,3,-monos,10.7,10.7,%,%,25666 +733693502,3003035,11426,3,MCV,86.5,86.5,fL,FL,11444 +732443331,3003035,31519,3,Hgb,9.6,9.6,g/dL,G/DL,31536 +736551927,3003035,30118,4,bedside glucose,126.0,126,mg/dL,MG/DL,30118 +732717095,3003035,21445,3,Hct,26.1,26.1,%,%,21463 +733693506,3003035,11426,3,MCH,28.4,28.4,pg,PG,11444 +737391334,3003035,6865,7,Vent Rate,14.0,14.0,/min,BPM,6869 +736486605,3003035,15697,4,bedside glucose,126.0,126,mg/dL,MG/DL,15713 +732443340,3003035,31519,3,-lymphs,23.2,23.2,%,%,31536 +733693500,3003035,11426,3,RBC,3.13,3.13,M/mcL,MIL/uL,11444 +730412621,3003035,1422,1,bicarbonate,30.0,30,mmol/L,MMOL/L,1499 +736397754,3003035,28653,4,bedside glucose,90.0,90,mg/dL,MG/DL,28658 +735745575,3003035,25656,3,Hct,27.9,27.9,%,%,25666 +734223949,3003035,9961,3,MCHC,32.6,32.6,g/dL,G/DL,9980 +732504164,3003035,7482,3,RBC,3.42,3.42,M/mcL,MIL/uL,7503 +736497436,3003035,22903,4,bedside glucose,100.0,100,mg/dL,MG/DL,22908 +732717093,3003035,21445,3,-basos,3.0,3.0,%,%,21463 +735993414,3003035,20041,4,bedside glucose,104.0,104,mg/dL,MG/DL,20043 +737391338,3003035,6865,7,Carboxyhemoglobin,0.3,0.3,%,,6869 +733753735,3003035,28687,3,MPV,8.5,8.5,fL,FL,28728 +731928630,3003035,7074,1,bicarbonate,30.0,30,mmol/L,MMOL/L,7111 +736326783,3003035,1259,4,urinary specific gravity,1.01,1.010,,,1283 +730412619,3003035,1422,1,anion gap,10.0,10,,MMOL/L,1499 +736203179,3003035,12867,4,bedside glucose,215.0,215,mg/dL,MG/DL,12888 +735745574,3003035,25656,3,-polys,67.5,67.5,%,%,25666 +733753739,3003035,28687,3,Hgb,9.1,9.1,g/dL,G/DL,28728 +732504163,3003035,7482,3,MPV,7.5,7.5,fL,FL,7503 +735470196,3003035,4316,3,Hct,31.0,31.0,%,%,4325 +732582662,3003035,7074,3,PTT,28.2,28.2,sec,SEC,7120 +733693499,3003035,11426,3,MPV,7.7,7.7,fL,FL,11444 +737391339,3003035,6865,7,paCO2,74.6,74.6,mm Hg,MMHG,6869 +735571012,3003035,2830,3,PT - INR,1.94,1.94,ratio,,2870 +731928629,3003035,7074,1,sodium,133.0,133,mmol/L,MMOL/L,7111 +733753736,3003035,28687,3,RBC,3.17,3.17,M/mcL,MIL/uL,28728 +730412623,3003035,1422,1,glucose,108.0,108,mg/dL,MG/DL,1499 +735571011,3003035,2830,3,PT,18.9,18.9,sec,SEC,2870 +735745583,3003035,25656,3,MCHC,30.9,30.9,g/dL,G/DL,25666 +734223948,3003035,9961,3,MCH,28.0,28.0,pg,PG,9980 +732504172,3003035,7482,3,platelets x 1000,479.0,479,K/mcL,THS/uL,7503 +735470201,3003035,4316,3,MCH,29.0,29.0,pg,PG,4325 +732717103,3003035,21445,3,MCHC,33.9,33.9,g/dL,G/DL,21463 +733753744,3003035,28687,3,platelets x 1000,514.0,514,K/mcL,THS/uL,28728 +737391340,3003035,6865,7,O2 Content,,15.4,mls/dL,%,6869 +735470202,3003035,4316,3,MCHC,34.0,34.0,g/dL,G/DL,4325 +729355326,3003035,27242,1,potassium,3.6,3.6,mmol/L,MMOL/L,27272 +733753740,3003035,28687,3,WBC x 1000,6.9,6.9,K/mcL,THS/uL,28728 +730547849,3003035,2830,1,calcium,7.8,7.8,mg/dL,MG/DL,2867 +735470203,3003035,4316,3,platelets x 1000,513.0,513,K/mcL,THS/uL,4325 +735745571,3003035,25656,3,-lymphs,19.8,19.8,%,%,25666 +733668078,3003035,12867,3,MCH,29.1,29.1,pg,PG,12897 +731928632,3003035,7074,1,glucose,178.0,178,mg/dL,MG/DL,7111 +735470199,3003035,4316,3,WBC x 1000,26.0,26.0,K/mcL,THS/uL,4325 +732582661,3003035,7074,3,PT - INR,1.39,1.39,ratio,,7120 +733668079,3003035,12867,3,MCHC,33.5,33.5,g/dL,G/DL,12897 +737391337,3003035,6865,7,paO2,207.0,207,mm Hg,MMHG,6869 +735470200,3003035,4316,3,RDW,14.8,14.8,%,%,4325 +729355332,3003035,27242,1,glucose,110.0,110,mg/dL,MG/DL,27272 +734223950,3003035,9961,3,platelets x 1000,422.0,422,K/mcL,THS/uL,9980 +730570520,3003035,12867,1,calcium,8.1,8.1,mg/dL,MG/DL,12918 +735470197,3003035,4316,3,MCV,85.4,85.4,fL,FL,4325 +735745572,3003035,25656,3,RBC,3.27,3.27,M/mcL,MIL/uL,25666 +733998284,3003035,1422,3,Hct,32.9,32.9,%,%,1440 +732504165,3003035,7482,3,Hct,29.4,29.4,%,%,7503 +735470198,3003035,4316,3,Hgb,10.5,10.5,g/dL,G/DL,4325 +732582660,3003035,7074,3,PT,13.8,13.8,sec,SEC,7120 +734223946,3003035,9961,3,WBC x 1000,18.3,18.3,K/mcL,THS/uL,9980 +736678321,3003035,8350,4,bedside glucose,123.0,123,mg/dL,MG/DL,8353 +735470194,3003035,4316,3,MPV,7.8,7.8,fL,FL,4325 +729187334,3003035,4316,1,creatinine,0.7,0.7,mg/dL,MG/DL,4340 +734223947,3003035,9961,3,RDW,14.9,14.9,%,%,9980 +730570516,3003035,12867,1,creatinine,0.7,0.7,mg/dL,MG/DL,12918 +735470195,3003035,4316,3,RBC,3.62,3.62,M/mcL,MIL/uL,4325 +730761403,3003035,24250,1,glucose,93.0,93,mg/dL,MG/DL,24283 +733998291,3003035,1422,3,platelets x 1000,467.0,467,K/mcL,THS/uL,1440 +731928633,3003035,7074,1,chloride,95.0,95,mmol/L,MMOL/L,7111 +734894036,3003035,14336,3,MPV,7.9,7.9,fL,FL,14357 +732717101,3003035,21445,3,MCH,28.9,28.9,pg,PG,21463 +733668076,3003035,12867,3,WBC x 1000,20.5,20.5,K/mcL,THS/uL,12897 +735745570,3003035,25656,3,MPV,8.7,8.7,fL,FL,25666 +734894044,3003035,14336,3,MCHC,33.2,33.2,g/dL,G/DL,14357 +729355328,3003035,27242,1,anion gap,8.0,8,,MMOL/L,27272 +733753742,3003035,28687,3,MCH,28.8,28.8,pg,PG,28728 +730570522,3003035,12867,1,chloride,99.0,99,mmol/L,MMOL/L,12918 +734894045,3003035,14336,3,platelets x 1000,405.0,405,K/mcL,THS/uL,14357 +730761404,3003035,24250,1,chloride,103.0,103,mmol/L,MMOL/L,24283 +733668077,3003035,12867,3,RDW,15.0,15.0,%,%,12897 +732504166,3003035,7482,3,MCV,86.0,86.0,fL,FL,7503 +734894041,3003035,14336,3,WBC x 1000,18.7,18.7,K/mcL,THS/uL,14357 +732717100,3003035,21445,3,RDW,15.6,15.6,%,%,21463 +734223941,3003035,9961,3,MPV,7.4,7.4,fL,FL,9980 +737391336,3003035,6865,7,FiO2,100.0,100.0,%,%,6869 +734894042,3003035,14336,3,RDW,15.5,15.5,%,%,14357 +729355331,3003035,27242,1,calcium,7.6,7.6,mg/dL,MG/DL,27272 +733668072,3003035,12867,3,RBC,3.04,3.04,M/mcL,MIL/uL,12897 +730547852,3003035,2830,1,BUN,9.0,9,mg/dL,MG/DL,2867 +734894043,3003035,14336,3,MCH,28.5,28.5,pg,PG,14357 +730761399,3003035,24250,1,anion gap,6.0,6,,MMOL/L,24283 +733668071,3003035,12867,3,MPV,7.8,7.8,fL,FL,12897 +731928634,3003035,7074,1,BUN,12.0,12,mg/dL,MG/DL,7111 +734894037,3003035,14336,3,RBC,3.1,3.10,M/mcL,MIL/uL,14357 +732717097,3003035,21445,3,MCV,85.5,85.5,fL,FL,21463 +733668073,3003035,12867,3,Hct,26.4,26.4,%,%,12897 +735745573,3003035,25656,3,-basos,1.3,1.3,%,%,25666 +734894038,3003035,14336,3,Hct,26.7,26.7,%,%,14357 +729187337,3003035,4316,1,bicarbonate,28.0,28,mmol/L,MMOL/L,4340 +733998282,3003035,1422,3,MPV,7.9,7.9,fL,FL,1440 +730570521,3003035,12867,1,glucose,216.0,216,mg/dL,MG/DL,12918 +734894039,3003035,14336,3,MCV,86.1,86.1,fL,FL,14357 +730761405,3003035,24250,1,BUN,9.0,9,mg/dL,MG/DL,24283 +733668074,3003035,12867,3,MCV,86.7,86.7,fL,FL,12897 +732504171,3003035,7482,3,MCHC,33.4,33.4,g/dL,G/DL,7503 +734894040,3003035,14336,3,Hgb,8.8,8.8,g/dL,G/DL,14357 +732717098,3003035,21445,3,Hgb,8.8,8.8,g/dL,G/DL,21463 +733668075,3003035,12867,3,Hgb,8.8,8.8,g/dL,G/DL,12897 +736589040,3003035,28500,4,bedside glucose,103.0,103,mg/dL,MG/DL,28503 +734780938,3003035,5660,3,PT,15.1,15.1,sec,SEC,5697 +729355327,3003035,27242,1,creatinine,0.6,0.6,mg/dL,MG/DL,27272 +733998283,3003035,1422,3,RBC,3.84,3.84,M/mcL,MIL/uL,1440 +730547851,3003035,2830,1,chloride,94.0,94,mmol/L,MMOL/L,2867 +734780939,3003035,5660,3,PT - INR,1.53,1.53,ratio,,5697 +730761400,3003035,24250,1,sodium,135.0,135,mmol/L,MMOL/L,24283 +733998290,3003035,1422,3,MCHC,34.0,34.0,g/dL,G/DL,1440 +731928631,3003035,7074,1,calcium,7.8,7.8,mg/dL,MG/DL,7111 +736432284,3003035,18873,4,bedside glucose,114.0,114,mg/dL,MG/DL,18878 +732717102,3003035,21445,3,-monos,10.0,10.0,%,%,21463 +736429013,3003035,28951,4,bedside glucose,132.0,132,mg/dL,MG/DL,28953 +736054679,3003035,2604,4,bedside glucose,124.0,124,mg/dL,MG/DL,2608 +736511593,3003035,21753,4,bedside glucose,123.0,123,mg/dL,MG/DL,21758 +729187339,3003035,4316,1,glucose,153.0,153,mg/dL,MG/DL,4340 +738051210,3003035,7340,7,O2 Content,,14.1,mls/dL,%,7343 +730570515,3003035,12867,1,potassium,5.0,5.0,mmol/L,MMOL/L,12918 +736504383,3003035,235,4,bedside glucose,179.0,179,mg/dL,MG/DL,248 +730761398,3003035,24250,1,creatinine,0.6,0.6,mg/dL,MG/DL,24283 +738051213,3003035,7340,7,O2 Sat (%),90.7,90.7,%,%,7343 +732342244,3003035,333,2,Digoxin,,<0.20,ng/mL,NG/ML,392 +736343403,3003035,5969,4,bedside glucose,128.0,128,mg/dL,MG/DL,5973 +729626218,3003035,1422,1,HDL,1.0,1,mg/dL,MG/DL,1499 +738051204,3003035,7340,7,TV,500.0,500,mls,MLS,7343 +737391335,3003035,6865,7,Methemoglobin,0.1,0.1,%,%,6869 +736522219,3003035,17415,4,bedside glucose,138.0,138,mg/dL,MG/DL,17423 +729187341,3003035,4316,1,BUN,12.0,12,mg/dL,MG/DL,4340 +738051205,3003035,7340,7,Methemoglobin,0.1,0.1,%,%,7343 +730570519,3003035,12867,1,bicarbonate,37.0,37,mmol/L,MMOL/L,12918 +736082657,3003035,30412,4,bedside glucose,117.0,117,mg/dL,MG/DL,30414 +730761401,3003035,24250,1,bicarbonate,30.0,30,mmol/L,MMOL/L,24283 +738051202,3003035,7340,7,Total CO2,33.0,33,,MMOL/L,7343 +732443335,3003035,31519,3,MCHC,33.8,33.8,g/dL,G/DL,31536 +736522708,3003035,3102,4,bedside glucose,253.0,253,mg/dL,MG/DL,3103 +732717096,3003035,21445,3,-eos,1.6,1.6,%,%,21463 +738051206,3003035,7340,7,FiO2,40.0,40.0,%,%,7343 +736107825,3003035,11242,4,bedside glucose,193.0,193,mg/dL,MG/DL,11248 +736218673,3003035,1660,4,bedside glucose,195.0,195,mg/dL,MG/DL,1663 +729187336,3003035,4316,1,sodium,131.0,131,mmol/L,MMOL/L,4340 +738051203,3003035,7340,7,HCO3,31.7,31.7,mmol/L,MMOL/L,7343 +730412624,3003035,1422,1,chloride,96.0,96,mmol/L,MMOL/L,1499 +736217014,3003035,380,4,bedside glucose,223.0,223,mg/dL,MG/DL,393 +730761402,3003035,24250,1,calcium,8.0,8.0,mg/dL,MG/DL,24283 +738051211,3003035,7340,7,pH,7.416,7.416,,,7343 +732504168,3003035,7482,3,WBC x 1000,30.7,30.7,K/mcL,THS/uL,7503 +736494201,3003035,8853,4,bedside glucose,160.0,160,mg/dL,MG/DL,8863 +729626217,3003035,1422,1,LDL,34.0,34,mg/dL,MG/DL,1499 +738051207,3003035,7340,7,paO2,56.0,56,mm Hg,MMHG,7343 +736634810,3003035,22684,4,bedside glucose,102.0,102,mg/dL,MG/DL,22688 +736270016,3003035,24915,4,bedside glucose,97.0,97,mg/dL,MG/DL,24918 +729187340,3003035,4316,1,chloride,95.0,95,mmol/L,MMOL/L,4340 +735987452,3003035,6262,4,bedside glucose,180.0,180,mg/dL,MG/DL,6263 +730547850,3003035,2830,1,glucose,130.0,130,mg/dL,MG/DL,2867 +738051208,3003035,7340,7,Carboxyhemoglobin,0.2,0.2,%,,7343 +730761397,3003035,24250,1,potassium,4.1,4.1,mmol/L,MMOL/L,24283 +736008502,3003035,10285,4,bedside glucose,177.0,177,mg/dL,MG/DL,10298 +732443336,3003035,31519,3,RDW,16.3,16.3,%,%,31536 +736029610,3003035,19302,4,bedside glucose,98.0,98,mg/dL,MG/DL,19303 +732717099,3003035,21445,3,WBC x 1000,10.3,10.3,K/mcL,THS/uL,21463 +738051200,3003035,7340,7,PEEP,5.0,5.0,cm H2O,,7343 +736067344,3003035,31370,4,bedside glucose,114.0,114,mg/dL,MG/DL,31373 +736095430,3003035,17699,4,bedside glucose,74.0,74,mg/dL,MG/DL,17718 +729187338,3003035,4316,1,calcium,7.9,7.9,mg/dL,MG/DL,4340 +735938909,3003035,12106,4,bedside glucose,176.0,176,mg/dL,MG/DL,12108 +728657641,3003035,28687,1,potassium,3.6,3.6,mmol/L,MMOL/L,28752 +738051214,3003035,7340,7,Base Excess,6.2,6.2,mEq/L,MMOL/L,7343 +732504169,3003035,7482,3,RDW,15.1,15.1,%,%,7503 +736339965,3003035,31835,4,bedside glucose,146.0,146,mg/dL,MG/DL,31838 +728657643,3003035,28687,1,anion gap,8.0,8,,MMOL/L,28752 +736311047,3003035,694,4,bedside glucose,184.0,184,mg/dL,MG/DL,698 +729187335,3003035,4316,1,anion gap,12.0,12,,MMOL/L,4340 +738051209,3003035,7340,7,paCO2,50.5,50.5,mm Hg,MMHG,7343 +728657649,3003035,28687,1,BUN,5.0,5,mg/dL,MG/DL,28752 +736324043,3003035,16293,4,bedside glucose,118.0,118,mg/dL,MG/DL,16298 +736315431,3003035,16608,4,bedside glucose,142.0,142,mg/dL,MG/DL,16618 +730533611,3003035,25656,1,potassium,4.0,4.0,mmol/L,MMOL/L,25692 +728657648,3003035,28687,1,chloride,106.0,106,mmol/L,MMOL/L,28752 +736146135,3003035,20324,4,bedside glucose,140.0,140,mg/dL,MG/DL,20338 +732443341,3003035,31519,3,-monos,12.1,12.1,%,%,31536 +730533612,3003035,25656,1,creatinine,0.6,0.6,mg/dL,MG/DL,25692 +735927907,3003035,27794,4,bedside glucose,85.0,85,mg/dL,MG/DL,27798 +736134105,3003035,1939,4,bedside glucose,208.0,208,mg/dL,MG/DL,1953 +729187333,3003035,4316,1,potassium,3.7,3.7,mmol/L,MMOL/L,4340 +730533614,3003035,25656,1,sodium,134.0,134,mmol/L,MMOL/L,25692 +728657647,3003035,28687,1,glucose,94.0,94,mg/dL,MG/DL,28752 +735975769,3003035,4542,4,bedside glucose,275.0,275,mg/dL,MG/DL,4543 +736000335,3003035,20949,4,bedside glucose,66.0,66,mg/dL,MG/DL,20953 +736567459,3003035,14933,4,bedside glucose,138.0,138,mg/dL,MG/DL,14953 +736657331,3003035,11726,4,bedside glucose,200.0,200,mg/dL,MG/DL,11728 +736229052,3003035,509,4,bedside glucose,237.0,237,mg/dL,MG/DL,513 +732504170,3003035,7482,3,MCH,28.7,28.7,pg,PG,7503 +730533619,3003035,25656,1,BUN,10.0,10,mg/dL,MG/DL,25692 +728657646,3003035,28687,1,calcium,7.7,7.7,mg/dL,MG/DL,28752 +736375494,3003035,23170,4,bedside glucose,138.0,138,mg/dL,MG/DL,23343 +729355330,3003035,27242,1,bicarbonate,25.0,25,mmol/L,MMOL/L,27272 +736514932,3003035,26459,4,bedside glucose,104.0,104,mg/dL,MG/DL,26463 +735962526,3003035,30705,4,bedside glucose,108.0,108,mg/dL,MG/DL,30708 +736320668,3003035,20663,4,bedside glucose,98.0,98,mg/dL,MG/DL,20668 +736272368,3003035,19519,4,bedside glucose,113.0,113,mg/dL,MG/DL,19523 +730533613,3003035,25656,1,anion gap,6.0,6,,MMOL/L,25692 +728657645,3003035,28687,1,bicarbonate,26.0,26,mmol/L,MMOL/L,28752 +736118201,3003035,24609,4,bedside glucose,95.0,95,mg/dL,MG/DL,24613 +732443334,3003035,31519,3,MCH,29.3,29.3,pg,PG,31536 +736559764,3003035,22160,4,bedside glucose,83.0,83,mg/dL,MG/DL,22163 +736692666,3003035,7407,4,bedside glucose,100.0,100,mg/dL,MG/DL,7433 +736099530,3003035,29389,4,bedside glucose,98.0,98,mg/dL,MG/DL,29393 +729355329,3003035,27242,1,sodium,133.0,133,mmol/L,MMOL/L,27272 +730533618,3003035,25656,1,chloride,104.0,104,mmol/L,MMOL/L,25692 +732560755,3003035,30823,3,PT - INR,1.25,1.25,ratio,,30844 +735936937,3003035,27511,4,bedside glucose,95.0,95,mg/dL,MG/DL,27518 +735955669,3003035,23822,4,bedside glucose,63.0,63,mg/dL,MG/DL,23823 +736622163,3003035,13525,4,bedside glucose,204.0,204,mg/dL,MG/DL,13528 +728657642,3003035,28687,1,creatinine,0.6,0.6,mg/dL,MG/DL,28752 +736170128,3003035,4804,4,bedside glucose,181.0,181,mg/dL,MG/DL,4838 +732504167,3003035,7482,3,Hgb,9.8,9.8,g/dL,G/DL,7503 +730533617,3003035,25656,1,glucose,103.0,103,mg/dL,MG/DL,25692 +735960205,3003035,23507,4,bedside glucose,92.0,92,mg/dL,MG/DL,23518 +736239149,3003035,13180,4,bedside glucose,248.0,248,mg/dL,MG/DL,13183 +729355333,3003035,27242,1,chloride,104.0,104,mmol/L,MMOL/L,27272 +736509133,3003035,9136,4,bedside glucose,173.0,173,mg/dL,MG/DL,9148 +732560754,3003035,30823,3,PT,12.6,12.6,sec,SEC,30844 +736298505,3003035,10608,4,bedside glucose,234.0,234,mg/dL,MG/DL,10613 +736262545,3003035,22379,4,bedside glucose,77.0,77,mg/dL,MG/DL,22383 +730533615,3003035,25656,1,bicarbonate,28.0,28,mmol/L,MMOL/L,25692 +728657644,3003035,28687,1,sodium,136.0,136,mmol/L,MMOL/L,28752 +736132904,3003035,26062,4,bedside glucose,138.0,138,mg/dL,MG/DL,26063 +732443342,3003035,31519,3,-eos,1.2,1.2,%,%,31536 +736602271,3003035,3377,4,bedside glucose,270.0,270,mg/dL,MG/DL,3383 +736560156,3003035,14596,4,bedside glucose,214.0,214,mg/dL,MG/DL,14603 +736287172,3003035,7736,4,bedside glucose,133.0,133,mg/dL,MG/DL,7743 +729355334,3003035,27242,1,BUN,6.0,6,mg/dL,MG/DL,27272 +730533616,3003035,25656,1,calcium,7.8,7.8,mg/dL,MG/DL,25692 +423598831,1852625,-7915,1,sodium,134.0,134,mmol/L,mmol/L,-7794 +423598830,1852625,-7915,1,AST (SGOT),56.0,56,Units/L,IU/L,-7794 +423598836,1852625,-7915,1,glucose,163.0,163 ,mg/dL,mg/dL,-7794 +423598838,1852625,-7915,1,BUN,47.0,47,mg/dL,mg/dL,-7794 +423598834,1852625,-7915,1,calcium,9.6,9.6,mg/dL,mg/dL,-7794 +423598837,1852625,-7915,1,chloride,96.0,96,mmol/L,mmol/L,-7794 +423598835,1852625,-7915,1,ALT (SGPT),34.0,34,Units/L,IU/L,-7794 +422613269,1852625,-5035,1,albumin,3.0,3.0,g/dL,g/dL,-4898 +424168722,1852625,-715,1,magnesium,2.4,2.4 ,mg/dL,mg/dL,-581 +422613268,1852625,-5035,1,sodium,132.0,132,mmol/L,mmol/L,-4898 +423598829,1852625,-7915,1,anion gap,16.0,16,,mmol/L,-7794 +418601349,1852625,725,1,chloride,97.0,97,mmol/L,mmol/L,833 +423980350,1852625,-3595,1,calcium,10.0,10.0,mg/dL,mg/dL,-3466 +422613264,1852625,-5035,1,creatinine,3.81,3.81,mg/dL,mg/dL,-4898 +423598827,1852625,-7915,1,creatinine,3.44,3.44,mg/dL,mg/dL,-7794 +418601346,1852625,725,1,creatinine,4.02,4.02,mg/dL,mg/dL,833 +423980351,1852625,-3595,1,glucose,131.0,131 ,mg/dL,mg/dL,-3466 +422613265,1852625,-5035,1,alkaline phos.,64.0,64,Units/L,IU/L,-4898 +423598832,1852625,-7915,1,albumin,3.1,3.1,g/dL,g/dL,-7794 +418601347,1852625,725,1,sodium,141.0,141,mmol/L,mmol/L,833 +423980346,1852625,-3595,1,potassium,5.5,5.5,mmol/L,mmol/L,-3466 +422613266,1852625,-5035,1,anion gap,12.0,12,,mmol/L,-4898 +423598833,1852625,-7915,1,total protein,6.1,6.1,g/dL,g/dL,-7794 +418601350,1852625,725,1,anion gap,22.0,22,,mmol/L,833 +423980347,1852625,-3595,1,creatinine,4.35,4.35,mg/dL,mg/dL,-3466 +422613263,1852625,-5035,1,potassium,4.7,4.7,mmol/L,mmol/L,-4898 +459068453,1852625,-1393,7,paCO2,63.6,63.6,mm Hg,mmHg,-1390 +418601348,1852625,725,1,potassium,4.7,4.7,mmol/L,mmol/L,833 +423598825,1852625,-7915,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-7794 +422613270,1852625,-5035,1,total protein,6.0,6.0,g/dL,g/dL,-4898 +459068452,1852625,-1393,7,paO2,150.0,150.0,mm Hg,mmHg,-1390 +418601344,1852625,725,1,glucose,264.0,264 ,mg/dL,mg/dL,833 +423980348,1852625,-3595,1,anion gap,16.0,16,,mmol/L,-3466 +422613267,1852625,-5035,1,AST (SGOT),71.0,71,Units/L,IU/L,-4898 +459068454,1852625,-1393,7,pH,7.31,7.31 ,,,-1390 +418601345,1852625,725,1,BUN,50.0,50,mg/dL,mg/dL,833 +423598826,1852625,-7915,1,potassium,5.0,5.0,mmol/L,mmol/L,-7794 +422613275,1852625,-5035,1,BUN,49.0,49,mg/dL,mg/dL,-4898 +459068448,1852625,-1393,7,Total CO2,34.0,34,,mmol/L,-1390 +418601351,1852625,725,1,calcium,10.1,10.1,mg/dL,mg/dL,833 +423980349,1852625,-3595,1,sodium,127.0,127,mmol/L,mmol/L,-3466 +422613273,1852625,-5035,1,glucose,84.0,84 ,mg/dL,mg/dL,-4898 +459068455,1852625,-1393,7,O2 Sat (%),99.0,99.0,%,%,-1390 +418601356,1852625,725,1,alkaline phos.,69.0,69,Units/L,IU/L,833 +443448825,1852625,-1795,4,bedside glucose,171.0,171 ,mg/dL,mg/dL,-1783 +422613274,1852625,-5035,1,chloride,94.0,94,mmol/L,mmol/L,-4898 +459068451,1852625,-1393,7,FiO2,100.0,100.0,%,%,-1390 +418601357,1852625,725,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,833 +423980352,1852625,-3595,1,chloride,91.0,91,mmol/L,mmol/L,-3466 +422613271,1852625,-5035,1,calcium,9.5,9.5,mg/dL,mg/dL,-4898 +434413197,1852625,725,3,RDW,17.0,17.0,%,%,880 +423012518,1852625,-2155,1,creatinine,3.66,3.66,mg/dL,mg/dL,-1968 +418601352,1852625,725,1,total protein,6.2,6.2,g/dL,g/dL,833 +436339837,1852625,-715,3,-monos,8.9,8.9,%,%,-609 +434413198,1852625,725,3,MPV,8.5,8.5,fL,fL,880 +436339839,1852625,-715,3,platelets x 1000,216.0,216,K/mcL,k/mm cu,-610 +442858048,1852625,-7186,4,bedside glucose,219.0,219 ,mg/dL,mg/dL,-7177 +436339838,1852625,-715,3,MCHC,29.8,29.8,g/dL,%,-610 +422613272,1852625,-5035,1,ALT (SGPT),45.0,45,Units/L,IU/L,-4898 +436339832,1852625,-715,3,MCV,81.0,81.0,fL,fL,-610 +434413195,1852625,725,3,MCH,24.6,24.6,pg,pg,880 +459517775,1852625,299,7,TV,500.0,500,mls,L,303 +423012524,1852625,-2155,1,BUN,39.0,39,mg/dL,mg/dL,-1968 +436339831,1852625,-715,3,-eos,0.1,0.1,%,%,-609 +418808288,1852625,725,1,magnesium,2.2,2.2 ,mg/dL,mg/dL,833 +459517773,1852625,299,7,HCO3,25.0,25.0,mmol/L,mmol/L,303 +434413200,1852625,725,3,-lymphs,9.3,9.3,%,%,880 +436339833,1852625,-715,3,Hgb,8.8,8.8,g/dL,g/dL,-610 +459068449,1852625,-1393,7,HCO3,32.0,32.0,mmol/L,mmol/L,-1390 +459517776,1852625,299,7,FiO2,100.0,100.0,%,%,303 +439595211,1852625,-2155,3,PT,32.7,32.7 ,sec,sec,-2006 +436339830,1852625,-715,3,Hct,29.7,29.7,%,%,-610 +434413196,1852625,725,3,MCHC,30.6,30.6,g/dL,%,880 +459517772,1852625,299,7,Total CO2,26.0,26,,mmol/L,303 +423012522,1852625,-2155,1,glucose,78.0,78 ,mg/dL,mg/dL,-1968 +436339828,1852625,-715,3,-basos,0.3,0.3,%,%,-609 +438372822,1852625,-3240,3,PT - INR,2.2,2.2,ratio,,-3209 +459517777,1852625,299,7,paO2,129.0,129.0,mm Hg,mmHg,303 +434413190,1852625,725,3,platelets x 1000,300.0,300,K/mcL,k/mm cu,880 +436733287,1852625,-7915,3,MCHC,30.5,30.5,g/dL,%,-7809 +423598828,1852625,-7915,1,alkaline phos.,63.0,63,Units/L,IU/L,-7794 +436339834,1852625,-715,3,WBC x 1000,8.5,8.5 ,K/mcL,k/mm cu,-610 +460430810,1852625,791,7,FiO2,80.0,80.0,%,%,795 +416283734,1852625,-715,1,calcium,9.9,9.9,mg/dL,mg/dL,-581 +436733288,1852625,-7915,3,platelets x 1000,209.0,209,K/mcL,k/mm cu,-7809 +418601353,1852625,725,1,albumin,3.1,3.1,g/dL,g/dL,833 +416283733,1852625,-715,1,total protein,6.4,6.4,g/dL,g/dL,-581 +459517780,1852625,299,7,O2 Sat (%),99.0,99.0,%,%,303 +460430811,1852625,791,7,TV,500.0,500,mls,L,795 +416283731,1852625,-715,1,sodium,136.0,136,mmol/L,mmol/L,-581 +436733285,1852625,-7915,3,MCH,24.5,24.5,pg,pg,-7809 +434413191,1852625,725,3,RBC,3.68,3.68,M/mcL,m/mm cu,880 +416283730,1852625,-715,1,AST (SGOT),39.0,39,Units/L,IU/L,-581 +436339825,1852625,-715,3,MPV,8.7,8.7,fL,fL,-610 +415277276,1852625,-7915,1,HDL,36.0,36,mg/dL,mg/dL,-7355 +416283735,1852625,-715,1,ALT (SGPT),45.0,45,Units/L,IU/L,-581 +436733286,1852625,-7915,3,-monos,11.2,11.2,%,%,-7809 +423012519,1852625,-2155,1,anion gap,15.0,15,,mmol/L,-1968 +416283732,1852625,-715,1,albumin,3.4,3.4,g/dL,g/dL,-581 +459517779,1852625,299,7,pH,7.32,7.32 ,,,303 +439121548,1852625,-5035,3,-lymphs,17.7,17.7,%,%,-4921 +416283725,1852625,-715,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,-581 +436733282,1852625,-7915,3,Hgb,9.1,9.1,g/dL,g/dL,-7809 +460430809,1852625,791,7,O2 Sat (%),98.0,98.0,%,%,795 +416283728,1852625,-715,1,alkaline phos.,69.0,69,Units/L,IU/L,-581 +436339826,1852625,-715,3,-lymphs,12.4,12.4,%,%,-609 +438129040,1852625,-7915,3,PT - INR,1.5,1.5,ratio,,-7790 +416283736,1852625,-715,1,glucose,102.0,102 ,mg/dL,mg/dL,-581 +436733283,1852625,-7915,3,WBC x 1000,6.8,6.8 ,K/mcL,k/mm cu,-7809 +439121549,1852625,-5035,3,RBC,3.57,3.57,M/mcL,m/mm cu,-4921 +416283729,1852625,-715,1,anion gap,17.0,17,,mmol/L,-581 +459517778,1852625,299,7,paCO2,47.8,47.8,mm Hg,mmHg,303 +415277273,1852625,-7915,1,LDL,37.0,37,mg/dL,mg/dL,-7355 +416036979,1852625,-715,1,CPK,133.0,133 ,Units/L,IU/L,-581 +436733284,1852625,-7915,3,RDW,15.7,15.7,%,%,-7809 +434413192,1852625,725,3,Hgb,9.1,9.1,g/dL,g/dL,880 +420078633,1852625,-6475,1,anion gap,12.0,12,,mmol/L,-6326 +436339835,1852625,-715,3,RDW,16.0,16.0,%,%,-610 +439121550,1852625,-5035,3,-basos,0.6,0.6,%,%,-4921 +416283737,1852625,-715,1,chloride,92.0,92,mmol/L,mmol/L,-581 +436733280,1852625,-7915,3,-eos,0.5,0.5,%,%,-7809 +460430805,1852625,791,7,paO2,113.0,113.0,mm Hg,mmHg,795 +420078632,1852625,-6475,1,creatinine,2.91,2.91,mg/dL,mg/dL,-6326 +445681447,1852625,-3181,4,bedside glucose,163.0,163 ,mg/dL,mg/dL,-3165 +443063328,1852625,-2879,4,bedside glucose,119.0,119 ,mg/dL,mg/dL,-2859 +416283738,1852625,-715,1,BUN,52.0,52,mg/dL,mg/dL,-581 +436733279,1852625,-7915,3,Hct,29.8,29.8,%,%,-7809 +439121554,1852625,-5035,3,MCV,80.4,80.4,fL,fL,-4921 +420078634,1852625,-6475,1,sodium,135.0,135,mmol/L,mmol/L,-6326 +436339827,1852625,-715,3,RBC,3.66,3.66,M/mcL,m/mm cu,-610 +415277274,1852625,-7915,1,triglycerides,139.0,139,mg/dL,mg/dL,-7355 +416283727,1852625,-715,1,creatinine,4.69,4.69,mg/dL,mg/dL,-581 +436733281,1852625,-7915,3,MCV,80.2,80.2,fL,fL,-7809 +422613262,1852625,-5035,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-4898 +420078631,1852625,-6475,1,potassium,4.4,4.4,mmol/L,mmol/L,-6326 +459517774,1852625,299,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,303 +439121557,1852625,-5035,3,RDW,16.2,16.2,%,%,-4921 +416283726,1852625,-715,1,potassium,4.6,4.6,mmol/L,mmol/L,-581 +436733275,1852625,-7915,3,-lymphs,15.8,15.8,%,%,-7809 +460430806,1852625,791,7,Total CO2,26.0,26,,mmol/L,795 +420078635,1852625,-6475,1,calcium,9.6,9.6,mg/dL,mg/dL,-6326 +436339836,1852625,-715,3,MCH,24.1,24.1,pg,pg,-610 +434413203,1852625,725,3,-basos,0.0,0.0,%,%,880 +435283322,1852625,-715,3,PT,44.5,44.5 ,sec,sec,-602 +436733277,1852625,-7915,3,-basos,0.5,0.5,%,%,-7809 +439121555,1852625,-5035,3,Hgb,8.8,8.8,g/dL,g/dL,-4921 +420078638,1852625,-6475,1,BUN,34.0,34,mg/dL,mg/dL,-6326 +433466706,1852625,-5035,3,PT - INR,2.2,2.2,ratio,,-4839 +417556803,1852625,-715,1,phosphate,7.1,7.1 ,mg/dL,mg/dL,-581 +417147007,1852625,-5035,1,phosphate,5.0,5.0 ,mg/dL,mg/dL,-4898 +436733276,1852625,-7915,3,RBC,3.72,3.72,M/mcL,m/mm cu,-7809 +423012523,1852625,-2155,1,chloride,93.0,93,mmol/L,mmol/L,-1968 +420078636,1852625,-6475,1,glucose,93.0,93 ,mg/dL,mg/dL,-6326 +433466705,1852625,-5035,3,PT,24.9,24.9 ,sec,sec,-4839 +439121556,1852625,-5035,3,WBC x 1000,5.6,5.6 ,K/mcL,k/mm cu,-4921 +435283323,1852625,-715,3,PT - INR,3.7,3.7,ratio,,-602 +436733274,1852625,-7915,3,MPV,8.3,8.3,fL,fL,-7809 +460430803,1852625,791,7,pH,7.33,7.33 ,,,795 +420078637,1852625,-6475,1,chloride,95.0,95,mmol/L,mmol/L,-6326 +414628944,1852625,725,1,phosphate,6.8,6.8 ,mg/dL,mg/dL,833 +415356389,1852625,-42,1,troponin - T,0.3,0.30 ,ng/mL,ng/ml,12 +418206971,1852625,-7915,1,magnesium,2.0,2.0 ,mg/dL,mg/dL,-7794 +439121558,1852625,-5035,3,MCH,24.7,24.7,pg,pg,-4921 +460460545,1852625,-1541,7,pH,7.26,7.26 ,,,-1534 +444471468,1852625,406,4,bedside glucose,215.0,215 ,mg/dL,mg/dL,425 +460460543,1852625,-1541,7,paO2,63.0,63.0,mm Hg,mmHg,-1534 +434413202,1852625,725,3,-eos,0.1,0.1,%,%,880 +460460541,1852625,-1541,7,Base Deficit,6.0,6.0,mEq/L,mmol/L,-1534 +439121552,1852625,-5035,3,Hct,28.7,28.7,%,%,-4921 +460460542,1852625,-1541,7,FiO2,100.0,100.0,%,%,-1534 +460430808,1852625,791,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,795 +460460544,1852625,-1541,7,paCO2,73.8,73.8,mm Hg,mmHg,-1534 +459068450,1852625,-1393,7,Base Deficit,6.0,6.0,mEq/L,mmol/L,-1390 +460460546,1852625,-1541,7,O2 Sat (%),87.0,87.0,%,%,-1534 +439121547,1852625,-5035,3,MPV,8.4,8.4,fL,fL,-4921 +460460539,1852625,-1541,7,Total CO2,35.0,35,,mmol/L,-1534 +415277275,1852625,-7915,1,total cholesterol,101.0,101 ,mg/dL,mg/dL,-7355 +460460540,1852625,-1541,7,HCO3,33.0,33.0,mmol/L,mmol/L,-1534 +418601354,1852625,725,1,AST (SGOT),65.0,65,Units/L,IU/L,833 +443894713,1852625,747,4,bedside glucose,251.0,251 ,mg/dL,mg/dL,764 +439121553,1852625,-5035,3,-eos,1.2,1.2,%,%,-4921 +444624165,1852625,-4098,4,bedside glucose,280.0,280 ,mg/dL,mg/dL,-3937 +460272120,1852625,-2155,7,Total CO2,29.0,29,,mmol/L,-1968 +427824347,1852625,-5035,2,Tacrolimus-FK506,4.0,4.0 ,ng/mL,ng/mL,-3114 +434413193,1852625,725,3,Hct,29.6,29.6,%,%,880 +428059061,1852625,-6475,3,MCH,24.3,24.3,pg,pg,-6354 +439121559,1852625,-5035,3,-monos,9.3,9.3,%,%,-4921 +428059060,1852625,-6475,3,RDW,15.8,15.8,%,%,-6354 +460430807,1852625,791,7,HCO3,25.0,25.0,mmol/L,mmol/L,795 +428059062,1852625,-6475,3,-monos,10.4,10.4,%,%,-6354 +423012517,1852625,-2155,1,potassium,3.8,3.8,mmol/L,mmol/L,-1968 +428059063,1852625,-6475,3,MCHC,30.3,30.3,g/dL,%,-6354 +439121560,1852625,-5035,3,MCHC,30.7,30.7,g/dL,%,-4921 +428059064,1852625,-6475,3,platelets x 1000,200.0,200,K/mcL,k/mm cu,-6354 +460407306,1852625,-7915,7,Total CO2,22.0,22,,mmol/L,-7794 +428059056,1852625,-6475,3,-eos,1.1,1.1,%,%,-6354 +438129039,1852625,-7915,3,PT,16.4,16.4 ,sec,sec,-7790 +428059055,1852625,-6475,3,Hct,29.8,29.8,%,%,-6354 +429956339,1852625,-6475,3,PT - INR,1.8,1.8,ratio,,-6260 +428059053,1852625,-6475,3,-basos,0.5,0.5,%,%,-6354 +443511685,1852625,-4317,4,bedside glucose,193.0,193 ,mg/dL,mg/dL,-4271 +428059057,1852625,-6475,3,MCV,80.2,80.2,fL,fL,-6354 +434413189,1852625,725,3,WBC x 1000,12.6,12.6 ,K/mcL,k/mm cu,880 +428059058,1852625,-6475,3,Hgb,9.0,9.0,g/dL,g/dL,-6354 +439121561,1852625,-5035,3,platelets x 1000,187.0,187,K/mcL,k/mm cu,-4921 +428059059,1852625,-6475,3,WBC x 1000,7.0,7.0 ,K/mcL,k/mm cu,-6354 +460182785,1852625,-5035,7,Total CO2,26.0,26,,mmol/L,-4898 +428059052,1852625,-6475,3,RBC,3.72,3.72,M/mcL,m/mm cu,-6354 +423980353,1852625,-3595,1,BUN,64.0,64,mg/dL,mg/dL,-3466 +443981573,1852625,-6411,4,bedside glucose,97.0,97 ,mg/dL,mg/dL,-6243 +432662238,1852625,-3595,3,PT,23.3,23.3 ,sec,sec,-3348 +428059050,1852625,-6475,3,MPV,8.4,8.4,fL,fL,-6354 +445079174,1852625,-8372,4,bedside glucose,218.0,218 ,mg/dL,mg/dL,-8367 +443881508,1852625,-4975,4,bedside glucose,91.0,91 ,mg/dL,mg/dL,-4676 +439595212,1852625,-2155,3,PT - INR,2.8,2.8,ratio,,-2006 +428059051,1852625,-6475,3,-lymphs,18.6,18.6,%,%,-6354 +442778371,1852625,-6060,4,bedside glucose,125.0,125 ,mg/dL,mg/dL,-5780 +442893539,1852625,-7882,4,bedside glucose,179.0,179 ,mg/dL,mg/dL,-7878 +459601795,1852625,-6475,7,Total CO2,28.0,28,,mmol/L,-6326 +427355630,1852625,-7915,1,phosphate,4.2,4.2 ,mg/dL,mg/dL,-7794 +434413194,1852625,725,3,MCV,80.5,80.5,fL,fL,880 +442670930,1852625,-1126,4,bedside glucose,126.0,126 ,mg/dL,mg/dL,-1124 +429956338,1852625,-6475,3,PT,19.9,19.9 ,sec,sec,-6260 +459263351,1852625,725,7,Total CO2,22.0,22,,mmol/L,833 +416441725,1852625,-4734,1,CPK,738.0,738 ,Units/L,IU/L,-4663 +444644463,1852625,917,4,bedside glucose,266.0,266 ,mg/dL,mg/dL,920 +423012520,1852625,-2155,1,sodium,137.0,137,mmol/L,mmol/L,-1968 +442856988,1852625,-7915,4,TSH,2.04,2.040 ,mcU/ml,uIU/mL,-7348 +445195562,1852625,-4638,4,bedside glucose,165.0,165 ,mg/dL,mg/dL,-4616 +459295197,1852625,-537,7,O2 Sat (%),96.0,96.0,%,%,-534 +427989321,1852625,725,3,PT - INR,7.7,7.7,ratio,,875 +458732685,1852625,-715,7,Total CO2,27.0,27,,mmol/L,-581 +438372821,1852625,-3240,3,PT,25.2,25.2 ,sec,sec,-3209 +459295192,1852625,-537,7,Base Deficit,4.0,4.0,mEq/L,mmol/L,-534 +444235042,1852625,-7519,4,bedside glucose,201.0,201 ,mg/dL,mg/dL,-7509 +426794238,1852625,-5035,1,magnesium,2.2,2.2 ,mg/dL,mg/dL,-4898 +460494335,1852625,-3595,7,Total CO2,20.0,20,,mmol/L,-3466 +459295193,1852625,-537,7,FiO2,70.0,70.0,%,%,-534 +434413201,1852625,725,3,-monos,9.1,9.1,%,%,880 +445466590,1852625,-650,4,bedside glucose,103.0,103 ,mg/dL,mg/dL,-646 +432662239,1852625,-3595,3,PT - INR,2.1,2.1,ratio,,-3348 +459295194,1852625,-537,7,paO2,84.0,84.0,mm Hg,mmHg,-534 +460430804,1852625,791,7,paCO2,46.0,46.0,mm Hg,mmHg,795 +444710772,1852625,1097,4,bedside glucose,276.0,276 ,mg/dL,mg/dL,1140 +445647993,1852625,-8606,4,bedside glucose,176.0,176 ,mg/dL,mg/dL,-8369 +459295195,1852625,-537,7,paCO2,49.8,49.8,mm Hg,mmHg,-534 +444325840,1852625,-352,4,bedside glucose,93.0,93 ,mg/dL,mg/dL,-339 +444982079,1852625,-2082,4,bedside glucose,97.0,97 ,mg/dL,mg/dL,-2068 +427989320,1852625,725,3,PT,72.5,72.5 ,sec,sec,875 +459295191,1852625,-537,7,HCO3,29.0,29.0,mmol/L,mmol/L,-534 +418601355,1852625,725,1,ALT (SGPT),63.0,63,Units/L,IU/L,833 +443844436,1852625,-5521,4,bedside glucose,247.0,247 ,mg/dL,mg/dL,-5360 +444434218,1852625,-1553,4,bedside glucose,187.0,187 ,mg/dL,mg/dL,-1550 +459295196,1852625,-537,7,pH,7.37,7.37 ,,,-534 +442704011,1852625,-1459,4,bedside glucose,162.0,162 ,mg/dL,mg/dL,-1458 +442720301,1852625,-3496,4,bedside glucose,123.0,123 ,mg/dL,mg/dL,-3337 +445361395,1852625,-49,4,bedside glucose,96.0,96 ,mg/dL,mg/dL,-46 +459295190,1852625,-537,7,Total CO2,30.0,30,,mmol/L,-534 +423012521,1852625,-2155,1,calcium,9.2,9.2,mg/dL,mg/dL,-1968 +444792529,1852625,-6940,4,bedside glucose,216.0,216 ,mg/dL,mg/dL,-6939 +444218471,1852625,-5772,4,bedside glucose,128.0,128 ,mg/dL,mg/dL,-5750 +445332331,1852625,-2675,4,bedside glucose,227.0,227 ,mg/dL,mg/dL,-2673 +153948796,869525,2379,1,sodium,144.0,144,mmol/L,mmol/L,2432 +153948797,869525,2379,1,potassium,3.7,3.7,mmol/L,mmol/L,2432 +153948798,869525,2379,1,chloride,111.0,111,mmol/L,mmol/L,2432 +178274611,869525,3904,3,WBC x 1000,7.9,7.9,K/mcL,K/MM3,3972 +153948808,869525,2379,1,ALT (SGPT),146.0,146,Units/L,IU/L,2432 +178274612,869525,3904,3,RBC,3.61,3.61,M/mcL,M/MM3,3972 +153948807,869525,2379,1,alkaline phos.,95.0,95,Units/L,IU/L,2433 +178274613,869525,3904,3,Hgb,10.5,10.5,g/dL,g/dL,3972 +153948809,869525,2379,1,AST (SGOT),41.0,41,Units/L,IU/L,2432 +182775424,869525,1134,3,MCV,89.0,89,fL,fL,1210 +153948810,869525,2379,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,2432 +178274620,869525,3904,3,MPV,10.9,10.9,fL,fL,3972 +153948804,869525,2379,1,total protein,6.2,6.2,g/dL,g/dL,2432 +182775429,869525,1134,3,MPV,11.6,11.6,fL,fL,1210 +153948805,869525,2379,1,albumin,2.6,2.6,g/dL,g/dL,2432 +178274618,869525,3904,3,RDW,14.6,14.6,%,%,3972 +153948803,869525,2379,1,creatinine,0.93,0.93,mg/dL,mg/dL,2432 +182775428,869525,1134,3,platelets x 1000,160.0,160,K/mcL,K/MM3,1210 +153948802,869525,2379,1,BUN,8.0,8,mg/dL,mg/dL,2432 +178274619,869525,3904,3,platelets x 1000,213.0,213,K/mcL,K/MM3,3972 +153948799,869525,2379,1,bicarbonate,28.0,28,mmol/L,mmol/L,2432 +182775425,869525,1134,3,MCH,29.0,29.0,pg,pg,1210 +153948806,869525,2379,1,calcium,8.4,8.4,mg/dL,mg/dL,2432 +185869140,869525,1134,3,Hgb,10.0,10.0,g/dL,g/dL,1210 +178274617,869525,3904,3,MCHC,32.9,32.9,g/dL,g/dL,3972 +183838940,869525,2379,3,PTT,80.0,80,sec,second(s),2452 +185869141,869525,1134,3,Hct,30.6,30.6,%,%,1210 +140433161,869525,1134,1,calcium,8.5,8.5,mg/dL,mg/dL,1233 +153948800,869525,2379,1,anion gap,5.0,5,,,2432 +185869139,869525,1134,3,RBC,3.45,3.45,M/mcL,M/MM3,1210 +182775426,869525,1134,3,MCHC,32.7,32.7,g/dL,g/dL,1210 +159018369,869525,3904,1,magnesium,1.7,1.7,mg/dL,mg/dL,3983 +185869138,869525,1134,3,WBC x 1000,7.2,7.2,K/mcL,K/MM3,1210 +140433158,869525,1134,1,glucose,86.0,86,mg/dL,mg/dL,1233 +153948801,869525,2379,1,glucose,87.0,87,mg/dL,mg/dL,2432 +153617327,869525,2379,1,magnesium,1.6,1.6,mg/dL,mg/dL,2432 +175621502,869525,3904,3,PT,16.0,16.0,sec,second(s),3981 +168392597,869525,2379,3,PT,14.3,14.3,sec,second(s),2429 +140433159,869525,1134,1,BUN,6.0,6,mg/dL,mg/dL,1233 +168392598,869525,2379,3,PT - INR,1.1,1.1,ratio,,2429 +178274615,869525,3904,3,MCV,88.0,88,fL,fL,3972 +146834537,869525,3904,1,calcium,8.7,8.7,mg/dL,mg/dL,3986 +140433160,869525,1134,1,creatinine,0.94,0.94,mg/dL,mg/dL,1233 +146834532,869525,3904,1,bicarbonate,26.0,26,mmol/L,mmol/L,3986 +182775427,869525,1134,3,RDW,14.8,14.8,%,%,1210 +146834533,869525,3904,1,anion gap,8.0,8,,,3986 +140433155,869525,1134,1,chloride,109.0,109,mmol/L,mmol/L,1233 +146834534,869525,3904,1,glucose,81.0,81,mg/dL,mg/dL,3986 +175621503,869525,3904,3,PT - INR,1.3,1.3,ratio,,3981 +146834531,869525,3904,1,chloride,109.0,109,mmol/L,mmol/L,3986 +140433156,869525,1134,1,bicarbonate,25.0,25,mmol/L,mmol/L,1233 +163433566,869525,1134,1,sodium,142.0,142,mmol/L,mmol/L,1233 +178274614,869525,3904,3,Hct,31.9,31.9,%,%,3972 +146834535,869525,3904,1,BUN,6.0,6,mg/dL,mg/dL,3986 +140433157,869525,1134,1,anion gap,8.0,8,,,1233 +159542234,869525,1134,1,CPK,97.0,97,Units/L,IU/L,1233 +182098824,869525,1134,3,PTT,80.0,80,sec,second(s),1333 +146834530,869525,3904,1,potassium,3.9,3.9,mmol/L,mmol/L,3986 +185553737,869525,309,3,PTT,66.0,66,sec,second(s),333 +163433567,869525,1134,1,potassium,3.9,3.9,mmol/L,mmol/L,1233 +170020493,869525,1500,3,PTT,53.0,53,sec,second(s),1545 +146834536,869525,3904,1,creatinine,0.92,0.92,mg/dL,mg/dL,3986 +175885586,869525,3904,3,PTT,76.0,76,sec,second(s),3983 +174541841,869525,724,3,PTT,106.0,106,sec,second(s),743 +165758802,869525,1134,3,PT,14.0,14.0,sec,second(s),1215 +167281631,869525,1959,3,PTT,97.0,97,sec,second(s),1988 +178274616,869525,3904,3,MCH,29.1,29.1,pg,pg,3972 +146834529,869525,3904,1,sodium,143.0,143,mmol/L,mmol/L,3986 +165758803,869525,1134,3,PT - INR,1.1,1.1,ratio,,1215 +278639707,1191262,1017,1,creatinine,1.03,1.03,mg/dL,mg/dL,1059 +278639717,1191262,1017,1,chloride,100.0,100,mmol/L,mmol/L,1059 +278639706,1191262,1017,1,potassium,4.0,4.0,mmol/L,mmol/L,1059 +278639713,1191262,1017,1,total protein,7.2,7.2,g/dL,gm/dL,1059 +278639714,1191262,1017,1,calcium,8.3,8.3,mg/dL,mg/dL,1059 +278639715,1191262,1017,1,ALT (SGPT),14.0,14,Units/L,U/L,1059 +278639716,1191262,1017,1,glucose,118.0,118,mg/dL,mg/dL,1059 +278639708,1191262,1017,1,alkaline phos.,81.0,81,Units/L,U/L,1059 +282354595,1191262,8258,3,platelets x 1000,261.0,261,K/mcL,thou/cumm,8283 +278639718,1191262,1017,1,BUN,20.0,20,mg/dL,mg/dL,1059 +282354596,1191262,8258,3,MPV,9.8,9.8,fL,fl,8283 +278639709,1191262,1017,1,AST (SGOT),39.0,39,Units/L,U/L,1059 +282354594,1191262,8258,3,Hct,26.9,26.9,%,%,8283 +278639710,1191262,1017,1,sodium,137.0,137,mmol/L,mmol/L,1059 +282354593,1191262,8258,3,Hgb,8.8,8.8,g/dL,g/dL,8283 +290867669,1191262,15,7,O2 Sat (%),95.0,95,%,%,16 +284672582,1191262,5658,3,Ferritin,168.0,168,ng/mL,ng/mL,5876 +278639711,1191262,1017,1,albumin,2.5,2.5,g/dL,gm/dL,1059 +286061693,1191262,1017,3,platelets x 1000,290.0,290,K/mcL,thou/cumm,1134 +284672581,1191262,5658,3,Fe/TIBC Ratio,10.0,10,%,%,5876 +286061690,1191262,1017,3,WBC x 1000,15.31,15.31,K/mcL,thou/cumm,1134 +287417992,1191262,4048,3,-polys,84.0,84.0,%,%,4105 +282354592,1191262,8258,3,RBC,3.18,3.18,M/mcL,mill/cumm,8283 +286061692,1191262,1017,3,-monos,3.9,3.9,%,%,1134 +287417993,1191262,4048,3,-lymphs,7.1,7.1,%,%,4105 +284672578,1191262,5658,3,folate,17.4,17.4,ng/mL,ng/mL,5876 +286061689,1191262,1017,3,Hgb,9.5,9.5,g/dL,g/dL,1134 +287417994,1191262,4048,3,-monos,8.2,8.2,%,%,4105 +290867668,1191262,15,7,Respiratory Rate,13.0,13,/min,/min,16 +286061691,1191262,1017,3,RDW,19.5,19.5,%,%,1134 +287417991,1191262,4048,3,platelets x 1000,222.0,222,K/mcL,thou/cumm,4105 +284672579,1191262,5658,3,Fe,16.0,16,mcg/dL,ug/dL,5876 +286061688,1191262,1017,3,-eos,0.0,0.0,%,%,1134 +287417995,1191262,4048,3,-eos,0.1,0.1,%,%,4105 +278639712,1191262,1017,1,bicarbonate,21.0,21,mmol/L,mmol/L,1059 +286061684,1191262,1017,3,RBC,3.48,3.48,M/mcL,mill/cumm,1134 +287417990,1191262,4048,3,MPV,9.8,9.8,fL,fl,4105 +284672580,1191262,5658,3,TIBC,162.0,162,mcg/dL,ug/dL,5876 +286061685,1191262,1017,3,-basos,0.1,0.1,%,%,1134 +287417988,1191262,4048,3,Hct,27.9,27.9,%,%,4105 +282354591,1191262,8258,3,WBC x 1000,10.52,10.52,K/mcL,thou/cumm,8283 +286061686,1191262,1017,3,-polys,91.2,91.2,%,%,1134 +287417987,1191262,4048,3,Hgb,9.1,9.1,g/dL,g/dL,4105 +290073550,1191262,1780,4,urinary specific gravity,1.03,1.030,,,1803 +286061687,1191262,1017,3,Hct,29.3,29.3,%,%,1134 +287417986,1191262,4048,3,RBC,3.33,3.33,M/mcL,mill/cumm,4105 +290867667,1191262,15,7,FiO2,21.0,21,%,%,16 +286061682,1191262,1017,3,MPV,9.5,9.5,fL,fl,1134 +287417989,1191262,4048,3,RDW,19.1,19.1,%,%,4105 +279861057,1191262,2090,1,magnesium,1.8,1.8,mg/dL,mg/dL,2130 +280699641,1191262,2090,1,potassium,4.0,4.0,mmol/L,mmol/L,2130 +287417985,1191262,4048,3,WBC x 1000,10.11,10.11,K/mcL,thou/cumm,4105 +284672577,1191262,5658,3,Vitamin B12,1632.0,1632,pg/mL,pg/mL,5876 +286061683,1191262,1017,3,-lymphs,4.4,4.4,%,%,1134 +287417996,1191262,4048,3,-basos,0.2,0.2,%,%,4105 +118098014,485952,-344,3,MPV,12.0,12.0,fL,fL,-313 +118098015,485952,-344,3,RBC,4.68,4.68,M/mcL,M/uL,-313 +118098016,485952,-344,3,Hct,45.6,45.6,%,%,-313 +118098017,485952,-344,3,MCV,97.0,97,fL,fL,-313 +118098021,485952,-344,3,MCH,33.0,33,pg,pg,-313 +118098022,485952,-344,3,MCHC,34.0,34,g/dL,g/dL,-313 +110162702,485952,-139,1,BUN,8.0,8,mg/dL,mg/dL,-91 +118098023,485952,-344,3,platelets x 1000,453.0,453,K/mcL,K/uL,-313 +110740627,485952,-139,1,glucose,292.0,292,mg/dL,mg/dL,-91 +118098019,485952,-344,3,WBC x 1000,24.5,24.5,K/mcL,K/uL,-313 +126339688,485952,766,4,bedside glucose,134.0,134,mg/dL,mg/dL,766 +111403147,485952,-344,1,creatinine,0.72,0.72,mg/dL,mg/dL,-295 +118098020,485952,-344,3,RDW,12.6,12.6,%,%,-313 +125825195,485952,2086,4,bedside glucose,110.0,110,mg/dL,mg/dL,2086 +110162336,485952,1541,1,phosphate,1.4,1.4,mg/dL,mg/dL,1633 +120276904,485952,106,3,Hgb,12.1,12.1,g/dL,g/dL,230 +125667910,485952,1000,4,bedside glucose,142.0,142,mg/dL,mg/dL,1000 +113136943,485952,-139,1,creatinine,0.32,0.32,mg/dL,mg/dL,-91 +120276905,485952,106,3,WBC x 1000,17.3,17.3,K/mcL,K/uL,230 +124382029,485952,-344,3,-monos,4.0,4,%,%,-215 +110484598,485952,106,1,phosphate,1.6,1.6,mg/dL,mg/dL,252 +120276903,485952,106,3,MCV,94.0,94,fL,fL,230 +125385161,485952,607,4,bedside glucose,147.0,147,mg/dL,mg/dL,607 +125130734,485952,2349,4,bedside glucose,197.0,197,mg/dL,mg/dL,2349 +120276906,485952,106,3,RDW,12.4,12.4,%,%,230 +124382028,485952,-344,3,-bands,7.0,7,%,%,-215 +109973252,485952,106,1,magnesium,1.2,1.2,mg/dL,mg/dL,252 +120276902,485952,106,3,Hct,34.2,34.2,%,%,230 +126606650,485952,261,4,bedside glucose,175.0,175,mg/dL,mg/dL,261 +118098018,485952,-344,3,Hgb,15.4,15.4,g/dL,g/dL,-313 +120276908,485952,106,3,MCHC,35.0,35,g/dL,g/dL,230 +125004960,485952,199,4,bedside glucose,134.0,134,mg/dL,mg/dL,199 +127162029,485952,-202,4,urinary specific gravity,1.016,1.016,,,-186 +120276909,485952,106,3,platelets x 1000,289.0,289,K/mcL,K/uL,230 +124382027,485952,-344,3,-polys,78.0,78,%,%,-215 +112193148,485952,1541,1,magnesium,1.6,1.6,mg/dL,mg/dL,1633 +120276901,485952,106,3,RBC,3.64,3.64,M/mcL,M/uL,230 +125220932,485952,708,4,bedside glucose,127.0,127,mg/dL,mg/dL,708 +113699438,485952,-344,1,potassium,4.1,4.1,mmol/L,mmol/L,-295 +112059706,485952,3021,1,glucose,80.0,80,mg/dL,mg/dL,3177 +113565983,485952,-344,1,ALT (SGPT),28.0,28,Units/L,U/L,-295 +120276907,485952,106,3,MCH,33.0,33,pg,pg,230 +113565977,485952,-344,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-295 +125082321,485952,-202,4,WBC's in urine,,<1,,/HPF,-165 +113565981,485952,-344,1,total protein,10.0,10.0,g/dL,g/dL,-295 +127317365,485952,1678,4,bedside glucose,114.0,114,mg/dL,mg/dL,1678 +113565982,485952,-344,1,direct bilirubin,,<0.1,mg/dL,mg/dL,-295 +110336133,485952,-344,1,lipase,74.0,74,Units/L,U/L,-295 +113565979,485952,-344,1,AST (SGOT),17.0,17,Units/L,U/L,-295 +124382026,485952,-344,3,-lymphs,8.0,8,%,%,-215 +112990319,485952,-344,1,anion gap,23.0,23,,,-295 +107091403,485952,-344,1,chloride,104.0,104,mmol/L,mmol/L,-295 +125020555,485952,70,4,bedside glucose,118.0,118,mg/dL,mg/dL,70 +120276900,485952,106,3,MPV,11.4,11.4,fL,fL,230 +113565978,485952,-344,1,alkaline phos.,265.0,265,Units/L,U/L,-295 +124812614,485952,660,4,bedside glucose,149.0,149,mg/dL,mg/dL,660 +126096997,485952,1487,4,bedside glucose,87.0,87,mg/dL,mg/dL,1487 +126112592,485952,1793,4,bedside glucose,126.0,126,mg/dL,mg/dL,1793 +112990320,485952,-344,1,bicarbonate,6.0,6,mmol/L,mmol/L,-295 +110284247,485952,-344,1,magnesium,1.9,1.9,mg/dL,mg/dL,-295 +125574796,485952,1607,4,bedside glucose,94.0,94,mg/dL,mg/dL,1607 +126633519,485952,912,4,bedside glucose,126.0,126,mg/dL,mg/dL,912 +124820625,485952,0,4,bedside glucose,152.0,152,mg/dL,mg/dL,0 +126935946,485952,133,4,bedside glucose,138.0,138,mg/dL,mg/dL,133 +106516104,485952,-139,1,potassium,4.0,4.0,mmol/L,mmol/L,-91 +127251972,485952,3250,4,bedside glucose,145.0,145,mg/dL,mg/dL,3250 +122880321,485952,1541,3,RBC,3.34,3.34,M/mcL,M/uL,1613 +113565980,485952,-344,1,albumin,4.9,4.9,g/dL,g/dL,-295 +127287499,485952,1726,4,bedside glucose,113.0,113,mg/dL,mg/dL,1726 +122880320,485952,1541,3,MPV,11.3,11.3,fL,fL,1613 +106086986,485952,-139,1,bicarbonate,7.0,7,mmol/L,mmol/L,-91 +125551958,485952,465,4,bedside glucose,49.0,49,mg/dL,mg/dL,465 +122880322,485952,1541,3,Hct,31.2,31.2,%,%,1613 +125867730,485952,-70,4,bedside glucose,243.0,243,mg/dL,mg/dL,-70 +111695100,485952,-139,1,chloride,114.0,114,mmol/L,mmol/L,-91 +125166555,485952,1861,4,bedside glucose,99.0,99,mg/dL,mg/dL,1861 +125590307,485952,3029,4,bedside glucose,76.0,76,mg/dL,mg/dL,3029 +124586257,485952,1075,4,bedside glucose,156.0,156,mg/dL,mg/dL,1075 +122880323,485952,1541,3,MCV,93.0,93,fL,fL,1613 +107725780,485952,106,1,sodium,141.0,141,mmol/L,mmol/L,164 +124680754,485952,528,4,bedside glucose,162.0,162,mg/dL,mg/dL,528 +107715154,485952,1541,1,sodium,145.0,145,mmol/L,mmol/L,1633 +124769950,485952,1912,4,bedside glucose,101.0,101,mg/dL,mg/dL,1912 +107715152,485952,1541,1,creatinine,0.25,0.25,mg/dL,mg/dL,1633 +122880325,485952,1541,3,WBC x 1000,6.5,6.5,K/mcL,K/uL,1613 +107725785,485952,106,1,BUN,5.0,5,mg/dL,mg/dL,164 +114646332,485952,-344,2,salicylate,3.7,3.7,mg/dL,mg/dL,-300 +107725784,485952,106,1,chloride,117.0,117,mmol/L,mmol/L,164 +109844472,485952,821,1,bicarbonate,18.0,18,mmol/L,mmol/L,862 +107725781,485952,106,1,bicarbonate,15.0,15,mmol/L,mmol/L,164 +122880327,485952,1541,3,MCH,32.0,32,pg,pg,1613 +107715153,485952,1541,1,anion gap,3.0,3,,,1633 +109844470,485952,821,1,anion gap,6.0,6,,,862 +107725777,485952,106,1,potassium,3.8,3.8,mmol/L,mmol/L,164 +110948955,485952,-344,1,glucose,436.0,436,mg/dL,mg/dL,-202 +107725778,485952,106,1,creatinine,0.47,0.47,mg/dL,mg/dL,164 +109844474,485952,821,1,glucose,141.0,141,mg/dL,mg/dL,862 +107715159,485952,1541,1,BUN,2.0,2,mg/dL,mg/dL,1633 +122880328,485952,1541,3,MCHC,35.0,35,g/dL,g/dL,1613 +137778743,485952,-331,7,paO2,149.0,149.0,mm Hg,mmHg,-331 +109844471,485952,821,1,sodium,142.0,142,mmol/L,mmol/L,862 +107715151,485952,1541,1,potassium,3.3,3.3,mmol/L,mmol/L,1633 +125609807,485952,2032,4,bedside glucose,118.0,118,mg/dL,mg/dL,2032 +137778746,485952,-331,7,pH,7.028,7.028,,,-331 +109844473,485952,821,1,calcium,6.9,6.9,mg/dL,mg/dL,862 +107715157,485952,1541,1,glucose,76.0,76,mg/dL,mg/dL,1633 +122880326,485952,1541,3,RDW,12.8,12.8,%,%,1613 +137778745,485952,-331,7,paCO2,7.4,7.4,mm Hg,mmHg,-331 +109844468,485952,821,1,potassium,3.4,3.4,mmol/L,mmol/L,862 +107725782,485952,106,1,calcium,7.9,7.9,mg/dL,mg/dL,164 +106546264,485952,-344,1,BUN,10.0,10,mg/dL,mg/dL,-295 +137778744,485952,-331,7,Carboxyhemoglobin,0.2,0.2,%,%,-331 +109844476,485952,821,1,BUN,4.0,4,mg/dL,mg/dL,862 +107715158,485952,1541,1,chloride,119.0,119,mmol/L,mmol/L,1633 +122880324,485952,1541,3,Hgb,10.8,10.8,g/dL,g/dL,1613 +137778748,485952,-331,7,O2 Sat (%),98.4,98.4,%,%,-331 +126036694,485952,313,4,bedside glucose,144.0,144,mg/dL,mg/dL,313 +107715156,485952,1541,1,calcium,7.2,7.2,mg/dL,mg/dL,1633 +125224576,485952,1971,4,bedside glucose,124.0,124,mg/dL,mg/dL,1971 +137778741,485952,-331,7,Methemoglobin,0.4,0.4,%,%,-331 +109844475,485952,821,1,chloride,118.0,118,mmol/L,mmol/L,862 +107725779,485952,106,1,anion gap,9.0,9,,,164 +122880329,485952,1541,3,platelets x 1000,234.0,234,K/mcL,K/uL,1613 +137778742,485952,-331,7,FiO2,21.0,21.0,%,%,-331 +126416513,485952,1368,4,bedside glucose,127.0,127,mg/dL,mg/dL,1368 +125420291,485952,2669,4,bedside glucose,150.0,150,mg/dL,mg/dL,2669 +127143725,485952,389,4,bedside glucose,88.0,88,mg/dL,mg/dL,389 +137778749,485952,-331,7,Base Excess,-26.6,-26.6,mEq/L,mmol/L,-331 +107834669,485952,-344,1,CPK,51.0,51,Units/L,U/L,-295 +124609995,485952,-145,4,bedside glucose,280.0,280,mg/dL,mg/dL,-145 +108361205,485952,-344,1,sodium,133.0,133,mmol/L,mmol/L,-295 +107725783,485952,106,1,glucose,119.0,119,mg/dL,mg/dL,164 +127110746,485952,1126,4,bedside glucose,145.0,145,mg/dL,mg/dL,1126 +125304571,485952,1320,4,bedside glucose,139.0,139,mg/dL,mg/dL,1320 +127078460,485952,1554,4,bedside glucose,91.0,91,mg/dL,mg/dL,1554 +124579867,485952,3005,4,bedside glucose,40.0,40,mg/dL,mg/dL,3005 +127003885,485952,818,4,bedside glucose,134.0,134,mg/dL,mg/dL,818 +125555401,485952,1256,4,bedside glucose,140.0,140,mg/dL,mg/dL,1256 +108540006,485952,821,1,phosphate,2.1,2.1,mg/dL,mg/dL,862 +137778740,485952,-331,7,HCO3,1.9,1.9,mmol/L,mmol/L,-331 +109844469,485952,821,1,creatinine,0.39,0.39,mg/dL,mg/dL,862 +126779360,485952,-232,4,bedside glucose,226.0,226,mg/dL,mg/dL,-232 +108220906,485952,-344,1,amylase,30.0,30,Units/L,U/L,-295 +107715155,485952,1541,1,bicarbonate,23.0,23,mmol/L,mmol/L,1633 +126182446,485952,1185,4,bedside glucose,150.0,150,mg/dL,mg/dL,1185 +125729347,485952,1426,4,bedside glucose,111.0,111,mg/dL,mg/dL,1426 +432148278,1856167,-239,3,-lymphs,27.0,27,%,%,-210 +432148279,1856167,-239,3,RBC,4.95,4.95,M/mcL,M/CMM,-210 +432148280,1856167,-239,3,-basos,1.0,1,%,%,-210 +432148283,1856167,-239,3,-eos,0.0,0,%,%,-210 +432148289,1856167,-239,3,-monos,18.0,18,%,%,-210 +432148288,1856167,-239,3,MCH,30.2,30.2,pg,PG,-210 +432148286,1856167,-239,3,WBC x 1000,7.0,7.0,K/mcL,K/CMM,-210 +432148290,1856167,-239,3,MCHC,32.2,32.2,g/dL,%,-210 +432148287,1856167,-239,3,RDW,14.3,14.3,%,%,-210 +420346778,1856167,108,1,CPK-MB INDEX,2.0,2.0,%,%,153 +420554852,1856167,-239,1,BUN,18.0,18,mg/dL,MG/DL,-198 +432148291,1856167,-239,3,platelets x 1000,229.0,229,K/mcL,K/CMM,-210 +420554844,1856167,-239,1,potassium,5.5,5.5,mmol/L,MEQ/L,-198 +443044931,1856167,1141,4,urinary osmolality,644.0,644,mOsm/L,,1207 +420554851,1856167,-239,1,chloride,78.0,78,mmol/L,MEQ/L,-187 +432148281,1856167,-239,3,-polys,55.0,55,%,%,-210 +420554846,1856167,-239,1,sodium,119.0,119,mmol/L,MEQ/L,-186 +420346780,1856167,108,1,CPK-MB,6.2,6.2,ng/mL,NG/ML,153 +420554848,1856167,-239,1,calcium,9.2,9.2,mg/dL,MG/DL,-198 +432148285,1856167,-239,3,Hgb,14.9,14.9,g/dL,G/DL,-210 +420554847,1856167,-239,1,bicarbonate,38.0,38,mmol/L,MEQ/L,-198 +443044930,1856167,1141,4,urinary sodium,43.0,43,mmol/L,MEQ/L,1228 +420554845,1856167,-239,1,creatinine,0.7,0.7,mg/dL,MG/DL,-198 +432148284,1856167,-239,3,MCV,94.0,94,fL,FL,-210 +444541045,1856167,-239,4,ammonia,74.0,74,mcg/dL,UMOL/L,-170 +420346779,1856167,108,1,CPK,309.0,309,Units/L,U/L,148 +435956012,1856167,615,3,-polys,79.0,79,%,%,620 +420554849,1856167,-239,1,troponin - I,0.03,0.03,ng/mL,NG/ML,-191 +443926203,1856167,655,4,ammonia,61.0,61,mcg/dL,UMOL/L,690 +435956013,1856167,615,3,Hct,48.7,48.7,%,%,620 +444094613,1856167,-239,4,BNP,40.0,40,pg/mL,PG/ML,-190 +432148282,1856167,-239,3,Hct,46.3,46.3,%,%,-210 +435956014,1856167,615,3,-eos,0.0,0,%,%,620 +420554850,1856167,-239,1,glucose,101.0,101,mg/dL,MG/DL,-198 +425734537,1856167,-239,1,lactate,0.8,0.8,mmol/L,MMOL/L,-211 +435956015,1856167,615,3,MCV,93.0,93,fL,FL,620 +426065275,1856167,1243,1,AST (SGOT),22.0,22,Units/L,U/L,1303 +435956021,1856167,615,3,MCHC,32.1,32.1,g/dL,%,620 +436469836,1856167,1243,3,MCH,29.8,29.8,pg,PG,1261 +435956022,1856167,615,3,platelets x 1000,226.0,226,K/mcL,K/CMM,620 +426065283,1856167,1243,1,chloride,89.0,89,mmol/L,MEQ/L,1302 +435956020,1856167,615,3,-monos,11.0,11,%,%,620 +436469837,1856167,1243,3,-monos,14.0,14,%,%,1261 +435956019,1856167,615,3,MCH,30.0,30.0,pg,PG,620 +426065284,1856167,1243,1,BUN,17.0,17,mg/dL,MG/DL,1297 +435956016,1856167,615,3,Hgb,15.6,15.6,g/dL,G/DL,620 +436469832,1856167,1243,3,MCV,92.0,92,fL,FL,1261 +435956017,1856167,615,3,WBC x 1000,8.6,8.6,K/mcL,K/CMM,620 +426065276,1856167,1243,1,sodium,127.0,127,mmol/L,MEQ/L,1297 +435956018,1856167,615,3,RDW,14.2,14.2,%,%,620 +436469831,1856167,1243,3,-eos,0.0,0,%,%,1261 +435956009,1856167,615,3,-lymphs,10.0,10,%,%,620 +426065274,1856167,1243,1,alkaline phos.,42.0,42,Units/L,U/L,1297 +435956010,1856167,615,3,RBC,5.22,5.22,M/mcL,M/CMM,620 +436469833,1856167,1243,3,Hgb,14.7,14.7,g/dL,G/DL,1261 +435956011,1856167,615,3,-basos,0.0,0,%,%,620 +426065277,1856167,1243,1,albumin,3.5,3.5,g/dL,G/DL,1297 +420950053,1856167,610,1,BUN,15.0,15,mg/dL,MG/DL,634 +436469830,1856167,1243,3,Hct,45.5,45.5,%,%,1261 +420950052,1856167,610,1,chloride,87.0,87,mmol/L,MEQ/L,641 +426065273,1856167,1243,1,creatinine,0.9,0.9,mg/dL,MG/DL,1297 +420950048,1856167,610,1,magnesium,2.1,2.1,mg/dL,MG/DL,634 +436469827,1856167,1243,3,RBC,4.94,4.94,M/mcL,M/CMM,1261 +420950049,1856167,610,1,bicarbonate,29.0,29,mmol/L,MEQ/L,634 +426065279,1856167,1243,1,total protein,6.7,6.7,g/dL,G/DL,1297 +420950050,1856167,610,1,calcium,9.3,9.3,mg/dL,MG/DL,634 +436469829,1856167,1243,3,-polys,67.0,67,%,%,1261 +436401369,1856167,-239,3,PT,15.2,15.2,sec,SEC,-204 +426065280,1856167,1243,1,calcium,8.8,8.8,mg/dL,MG/DL,1297 +459638823,1856167,635,7,paO2,59.0,59,mm Hg,MMHG,660 +436469828,1856167,1243,3,-basos,1.0,1,%,%,1261 +420950045,1856167,610,1,potassium,4.6,4.6,mmol/L,MEQ/L,634 +426065281,1856167,1243,1,ALT (SGPT),9.0,9,Units/L,U/L,1303 +459638824,1856167,635,7,paCO2,31.0,31,mm Hg,MMHG,660 +436469834,1856167,1243,3,WBC x 1000,9.2,9.2,K/mcL,K/CMM,1261 +443948275,1856167,510,4,serum osmolality,273.0,273,mOsm/kg H2O,MOSM/K,1170 +426065271,1856167,1243,1,total bilirubin,0.7,0.7,mg/dL,MG/DL,1297 +459638822,1856167,635,7,FiO2,45.0,45,%,%,660 +436469835,1856167,1243,3,RDW,14.5,14.5,%,%,1261 +420950046,1856167,610,1,creatinine,0.9,0.9,mg/dL,MG/DL,634 +426065282,1856167,1243,1,glucose,94.0,94,mg/dL,MG/DL,1297 +459638826,1856167,635,7,Oxyhemoglobin,96.0,96,%,%,660 +436469838,1856167,1243,3,MCHC,32.4,32.4,g/dL,%,1261 +425439700,1856167,510,1,CPK-MB INDEX,2.3,2.3,%,%,550 +426065272,1856167,1243,1,potassium,4.1,4.1,mmol/L,MEQ/L,1297 +459638821,1856167,635,7,HCO3,25.0,25,mmol/L,MEQ/L,660 +436469826,1856167,1243,3,-lymphs,18.0,18,%,%,1261 +436401370,1856167,-239,3,PT - INR,1.6,1.6,ratio,,-204 +426065278,1856167,1243,1,bicarbonate,29.0,29,mmol/L,MEQ/L,1297 +459638827,1856167,635,7,pH,7.5,7.50,,,660 +436469839,1856167,1243,3,platelets x 1000,225.0,225,K/mcL,K/CMM,1261 +420950051,1856167,610,1,glucose,81.0,81,mg/dL,MG/DL,634 +459706220,1856167,-95,7,Oxyhemoglobin,96.0,96,%,%,-84 +459638819,1856167,635,7,PEEP,5.0,5,cm H2O,,660 +459706222,1856167,-95,7,Base Excess,4.5,4.5,mEq/L,,-84 +425439701,1856167,510,1,CPK,185.0,185,Units/L,U/L,538 +459706213,1856167,-95,7,PEEP,5.0,5,cm H2O,,-84 +459638820,1856167,635,7,Total CO2,26.0,26,,MEQ/L,660 +459706218,1856167,-95,7,paCO2,52.0,52,mm Hg,MMHG,-84 +443948274,1856167,510,4,uric acid,3.5,3.5,mg/dL,MG/DL,1162 +459706221,1856167,-95,7,pH,7.38,7.38,,,-84 +459638825,1856167,635,7,Respiratory Rate,12.0,12,/min,,660 +459706219,1856167,-95,7,Respiratory Rate,12.0,12,/min,,-84 +420950047,1856167,610,1,sodium,126.0,126,mmol/L,MEQ/L,634 +459706214,1856167,-95,7,Total CO2,32.0,32,,MEQ/L,-84 +459638828,1856167,635,7,Base Excess,2.8,2.8,mEq/L,,660 +459706215,1856167,-95,7,HCO3,31.0,31,mmol/L,MEQ/L,-84 +425439702,1856167,510,1,CPK-MB,4.2,4.2,ng/mL,NG/ML,550 +459706217,1856167,-95,7,paO2,83.0,83,mm Hg,MMHG,-84 +419954957,1856167,510,1,sodium,130.0,130,mmol/L,MEQ/L,1162 +459706216,1856167,-95,7,FiO2,100.0,100,%,%,-84 +103921113,369237,23,7,paCO2,49.1,49.1,mm Hg,mm Hg,27 +103921110,369237,23,7,FiO2,28.0,28,%,%,27 +103921111,369237,23,7,LPM O2,2.0,2,L/min,L/min,27 +87326371,369237,23,1,sodium,144.0,144,mmol/L,mEq/L,25 +103921116,369237,23,7,O2 Sat (%),98.0,98,%,%,27 +87326372,369237,23,1,albumin,3.0,3.0,g/dL,g/dL,25 +103921115,369237,23,7,pH,7.31,7.31,,,27 +87326373,369237,23,1,glucose,109.0,109,mg/dL,mg/dL,25 +90301673,369237,23,3,WBC x 1000,11.1,11.1,K/mcL,K/CMM,25 +87326370,369237,23,1,creatinine,3.3,3.3,mg/dL,mg/dL,25 +103921112,369237,23,7,paO2,78.6,78.6,mm Hg,mm Hg,27 +87326369,369237,23,1,potassium,4.8,4.8,mmol/L,mEq/L,25 +90301672,369237,23,3,Hct,32.7,32.7,%,%,25 +87326368,369237,23,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,25 +103921114,369237,23,7,Respiratory Rate,22.0,22,/min,/min,27 +87326374,369237,23,1,BUN,22.0,22,mg/dL,mg/dL,25 +83892750,342377,-10462,1,albumin,2.9,2.9,g/dL,g/dl,-10372 +83700208,342377,-14775,1,magnesium,1.33,1.33,mg/dL,meq/L,-14632 +91753350,342377,-14775,3,MCHC,34.0,34,g/dL,g/dl,-14632 +83892756,342377,-10462,1,chloride,102.0,102,mmol/L,meq/L,-10372 +91753349,342377,-14775,3,MCH,28.0,28,pg,uug,-14632 +83892749,342377,-10462,1,sodium,141.0,141,mmol/L,meq/L,-10372 +91753351,342377,-14775,3,platelets x 1000,717.0,717,K/mcL,K/cmm,-14632 +83892752,342377,-10462,1,total protein,5.7,5.7,g/dL,g/dL,-10372 +91753344,342377,-14775,3,Hct,26.6,26.6,%,%,-14632 +83892748,342377,-10462,1,AST (SGOT),14.0,14,Units/L,IU/L,-10372 +91753343,342377,-14775,3,RBC,3.24,3.24,M/mcL,M/cmm,-14632 +83892745,342377,-10462,1,potassium,2.8,2.8,mmol/L,meq/L,-10372 +91753345,342377,-14775,3,MCV,82.0,82,fL,fl,-14632 +83892744,342377,-10462,1,total bilirubin,0.2,0.2,mg/dL,mg/dl,-10372 +96125076,342377,-6188,4,bedside glucose,146.0,146,mg/dL,mg/dl,-6097 +83892755,342377,-10462,1,glucose,131.0,131,mg/dL,mg/dl,-10372 +91753346,342377,-14775,3,Hgb,8.9,8.9,g/dL,g/dl,-14632 +83892747,342377,-10462,1,alkaline phos.,126.0,126,Units/L,IU/L,-10372 +96081343,342377,4780,4,bedside glucose,93.0,93,mg/dL,mg/dl,4795 +83892757,342377,-10462,1,BUN,4.0,4,mg/dL,mg/dl,-10372 +91753347,342377,-14775,3,WBC x 1000,7.9,7.9,K/mcL,K/cmm,-14632 +83892753,342377,-10462,1,calcium,8.8,8.8,mg/dL,mg/dl,-10372 +96194266,342377,-10462,4,CRP,0.55,0.55,mg/dL,mg/dl,-10374 +85537258,342377,5393,1,magnesium,1.42,1.42,mg/dL,meq/L,5653 +83892751,342377,-10462,1,bicarbonate,30.0,30.0,mmol/L,meq/L,-10372 +91753348,342377,-14775,3,RDW,15.2,15.2,%,%,-14632 +88982907,342377,5393,3,WBC x 1000,6.8,6.8,K/mcL,K/cmm,5520 +96556218,342377,-7147,4,bedside glucose,86.0,86,mg/dL,mg/dl,-7136 +96484618,342377,-23382,4,bedside glucose,132.0,132,mg/dL,mg/dl,-23322 +83892746,342377,-10462,1,creatinine,0.5,0.50,mg/dL,mg/dl,-10372 +96418345,342377,-17615,4,bedside glucose,139.0,139,mg/dL,mg/dl,-17607 +93425537,342377,-10462,3,RDW,15.0,15.0,%,%,-10364 +96846536,342377,-15771,4,bedside glucose,131.0,131,mg/dL,mg/dl,-15749 +93425533,342377,-10462,3,-eos,1.0,1,%,%,-10364 +96250778,342377,-21888,4,bedside glucose,142.0,142,mg/dL,mg/dl,-21882 +93425534,342377,-10462,3,MCV,81.0,81,fL,fl,-10364 +96666042,342377,-17114,4,bedside glucose,108.0,108,mg/dL,mg/dl,-17070 +93425532,342377,-10462,3,Hct,25.4,25.4,%,%,-10364 +95902989,342377,-8958,4,bedside glucose,130.0,130,mg/dL,mg/dl,-8948 +93425535,342377,-10462,3,Hgb,8.5,8.5,g/dL,g/dl,-10364 +83892754,342377,-10462,1,ALT (SGPT),18.0,18,Units/L,IU/L,-10372 +93425531,342377,-10462,3,-polys,71.0,71,%,%,-10364 +95384700,342377,-958,4,bedside glucose,117.0,117,mg/dL,mg/dl,-950 +85912404,342377,-20584,1,bicarbonate,24.0,24.0,mmol/L,meq/L,-20462 +96995387,342377,-4228,4,bedside glucose,97.0,97,mg/dL,mg/dl,-4139 +93425538,342377,-10462,3,MCH,27.0,27,pg,uug,-10364 +96619725,342377,-15185,4,bedside glucose,136.0,136,mg/dL,mg/dl,-15163 +85912407,342377,-20584,1,chloride,104.0,104,mmol/L,meq/L,-20462 +86955371,342377,-20584,1,phosphate,3.6,3.6,mg/dL,mg/dl,-20462 +93425536,342377,-10462,3,WBC x 1000,7.5,7.5,K/mcL,K/cmm,-10364 +95551300,342377,-305,4,CRP,1.96,1.96,mg/dL,mg/dl,-246 +85912405,342377,-20584,1,calcium,8.5,8.5,mg/dL,mg/dl,-20462 +97238556,342377,-11477,4,bedside glucose,123.0,123,mg/dL,mg/dl,-11457 +93425541,342377,-10462,3,platelets x 1000,632.0,632,K/mcL,K/cmm,-10364 +95380062,342377,-6632,4,bedside glucose,140.0,140,mg/dL,mg/dl,-6625 +85912406,342377,-20584,1,glucose,133.0,133,mg/dL,mg/dl,-20462 +96156858,342377,7087,4,bedside glucose,95.0,95,mg/dL,mg/dl,7447 +93425530,342377,-10462,3,-basos,,1,%,ug/L,-10364 +97381740,342377,-13729,4,bedside glucose,134.0,134,mg/dL,mg/dl,-13588 +87528266,342377,-1795,1,calcium,8.7,8.7,mg/dL,mg/dl,-1717 +96920787,342377,-9986,4,bedside glucose,102.0,102,mg/dL,mg/dl,-9387 +85912408,342377,-20584,1,BUN,10.0,10,mg/dL,mg/dl,-20462 +95790011,342377,-8082,4,bedside glucose,143.0,143,mg/dL,mg/dl,-7981 +87528265,342377,-1795,1,total protein,5.9,5.9,g/dL,g/dL,-1717 +97176757,342377,-14224,4,bedside glucose,204.0,204,mg/dL,mg/dl,-14222 +93425539,342377,-10462,3,-monos,10.0,10,%,%,-10364 +82466625,342377,-14775,1,chloride,103.0,103,mmol/L,meq/L,-14632 +96356688,342377,-10897,4,bedside glucose,125.0,125,mg/dL,mg/dl,-10890 +82466622,342377,-14775,1,bicarbonate,23.0,23.0,mmol/L,meq/L,-14632 +87528258,342377,-1795,1,potassium,2.5,2.5,mmol/L,meq/L,-1717 +82466624,342377,-14775,1,glucose,134.0,134,mg/dL,mg/dl,-14632 +97422428,342377,-5689,4,bedside glucose,100.0,100,mg/dL,mg/dl,-5455 +82466623,342377,-14775,1,calcium,8.2,8.2,mg/dL,mg/dl,-14632 +85912401,342377,-20584,1,potassium,4.2,4.2,mmol/L,meq/L,-20462 +82466620,342377,-14775,1,creatinine,0.47,0.47,mg/dL,mg/dl,-14632 +97078447,342377,-19592,4,bedside glucose,123.0,123,mg/dL,mg/dl,-19574 +82390587,342377,-1795,1,BUN,9.0,9,mg/dL,mg/dl,-1717 +87528262,342377,-1795,1,sodium,140.0,140,mmol/L,meq/L,-1717 +82863302,342377,-17717,1,potassium,4.2,4.2,mmol/L,meq/L,-17590 +96896508,342377,-21390,4,bedside glucose,142.0,142,mg/dL,mg/dl,-21318 +82390586,342377,-1795,1,chloride,99.0,99,mmol/L,meq/L,-1717 +93425528,342377,-10462,3,-lymphs,17.0,17,%,%,-10364 +96728132,342377,-16226,4,bedside glucose,156.0,156,mg/dL,mg/dl,-16205 +97550640,342377,-23864,4,bedside glucose,144.0,144,mg/dL,mg/dl,-23862 +82390584,342377,-1795,1,ALT (SGPT),17.0,17,Units/L,IU/L,-1717 +87528263,342377,-1795,1,albumin,3.0,3.0,g/dL,g/dl,-1717 +82466619,342377,-14775,1,potassium,3.6,3.6,mmol/L,meq/L,-14632 +97377100,342377,-6828,4,bedside glucose,98.0,98,mg/dL,mg/dl,-6797 +88033344,342377,3205,2,Vancomycin - trough,16.9,16.90,mcg/mL,ug/mL,3310 +96906618,342377,5655,4,bedside glucose,110.0,110,mg/dL,mg/dl,5675 +82863303,342377,-17717,1,sodium,137.0,137,mmol/L,meq/L,-17590 +86192451,342377,-14775,1,phosphate,3.3,3.3,mg/dL,mg/dl,-14632 +82390585,342377,-1795,1,glucose,136.0,136,mg/dL,mg/dl,-1717 +97556958,342377,-16886,4,bedside glucose,148.0,148,mg/dL,mg/dl,-16858 +97274892,342377,-9739,4,bedside glucose,110.0,110,mg/dL,mg/dl,-9385 +95868808,342377,-16710,4,bedside glucose,309.0,309,mg/dL,mg/dl,-16700 +96764068,342377,1881,4,bedside glucose,115.0,115,mg/dL,mg/dl,1888 +87528264,342377,-1795,1,bicarbonate,32.0,32.0,mmol/L,meq/L,-1717 +88033343,342377,-4642,2,Vancomycin - trough,24.2,24.20,mcg/mL,ug/mL,-4521 +96188408,342377,-11127,4,bedside glucose,111.0,111,mg/dL,mg/dl,-11120 +95697821,342377,-10524,4,bedside glucose,144.0,144,mg/dL,mg/dl,-10515 +85912402,342377,-20584,1,creatinine,0.47,0.47,mg/dL,mg/dl,-20462 +97247063,342377,-7617,4,bedside glucose,115.0,115,mg/dL,mg/dl,-7610 +96208054,342377,-5391,4,bedside glucose,116.0,116,mg/dL,mg/dl,-5317 +95818547,342377,-8396,4,bedside glucose,152.0,152,mg/dL,mg/dl,-8391 +87528259,342377,-1795,1,creatinine,0.58,0.58,mg/dL,mg/dl,-1717 +96722775,342377,-4979,4,bedside glucose,119.0,119,mg/dL,mg/dl,-4965 +96068721,342377,4191,4,bedside glucose,114.0,114,mg/dL,mg/dl,4195 +82466621,342377,-14775,1,sodium,134.0,134,mmol/L,meq/L,-14632 +93425540,342377,-10462,3,MCHC,33.0,33,g/dL,g/dl,-10364 +94817453,342377,5393,3,platelets x 1000,343.0,343,K/mcL,K/cmm,5520 +95817119,342377,-22858,4,bedside glucose,135.0,135,mg/dL,mg/dl,-22854 +90965840,342377,-1795,3,platelets x 1000,426.0,426,K/mcL,K/cmm,-1735 +82972990,342377,6095,1,potassium,3.6,3.6,mmol/L,meq/L,6141 +87528260,342377,-1795,1,alkaline phos.,107.0,107,Units/L,IU/L,-1717 +90965839,342377,-1795,3,MCHC,34.0,34,g/dL,g/dl,-1735 +94817451,342377,5393,3,MCH,27.0,27,pg,uug,5520 +96443670,342377,149,4,bedside glucose,116.0,116,mg/dL,mg/dl,173 +90965838,342377,-1795,3,-monos,10.0,10,%,%,-1735 +96976587,342377,-8296,4,bedside glucose,59.0,59,mg/dL,mg/dl,-8279 +86143591,342377,-17717,1,magnesium,1.27,1.27,mg/dL,meq/L,-17590 +90965836,342377,-1795,3,RDW,15.3,15.3,%,%,-1735 +94817452,342377,5393,3,MCHC,33.0,33,g/dL,g/dl,5520 +96471887,342377,120,4,bedside glucose,47.0,47,mg/dL,mg/dl,172 +90965835,342377,-1795,3,WBC x 1000,8.6,8.6,K/mcL,K/cmm,-1735 +82863304,342377,-17717,1,bicarbonate,24.0,24.0,mmol/L,meq/L,-17590 +87528261,342377,-1795,1,AST (SGOT),14.0,14,Units/L,IU/L,-1717 +90965837,342377,-1795,3,MCH,28.0,28,pg,uug,-1735 +94817454,342377,5393,3,RDW,14.9,14.9,%,%,5520 +96051571,342377,-1566,4,bedside glucose,105.0,105,mg/dL,mg/dl,-1437 +90965830,342377,-1795,3,-polys,78.0,78,%,%,-1735 +82059668,342377,-1795,1,lipase,20.0,20,Units/L,IU/L,-1717 +85912403,342377,-20584,1,sodium,136.0,136,mmol/L,meq/L,-20462 +90965831,342377,-1795,3,Hct,26.8,26.8,%,%,-1735 +94817449,342377,5393,3,Hct,27.6,27.6,%,%,5520 +96393282,342377,-4523,4,bedside glucose,105.0,105,mg/dL,mg/dl,-4230 +90965829,342377,-1795,3,-basos,,0,%,ug/L,-1735 +95813975,342377,-3997,4,bedside glucose,118.0,118,mg/dL,mg/dl,-3743 +82007099,342377,-9270,1,potassium,3.2,3.2,mmol/L,meq/L,1 +90965828,342377,-1795,3,RBC,3.3,3.30,M/mcL,M/cmm,-1735 +94817448,342377,5393,3,Hgb,9.1,9.1,g/dL,g/dl,5520 +95898284,342377,-3078,4,bedside glucose,135.0,135,mg/dL,mg/dl,-2997 +90965832,342377,-1795,3,-eos,1.0,1,%,%,-1735 +96813769,342377,441,4,bedside glucose,108.0,108,mg/dL,mg/dl,484 +87528257,342377,-1795,1,total bilirubin,0.2,0.2,mg/dL,mg/dl,-1717 +90965827,342377,-1795,3,-lymphs,11.0,11,%,%,-1735 +97578732,342377,-14833,4,bedside glucose,127.0,127,mg/dL,mg/dl,-14794 +96311982,342377,-17463,4,bedside glucose,140.0,140,mg/dL,mg/dl,-17428 +90965833,342377,-1795,3,MCV,81.0,81,fL,fl,-1735 +104908699,342377,114,7,FiO2,21.0,21,%,%,114 +93425529,342377,-10462,3,RBC,3.12,3.12,M/mcL,M/cmm,-10364 +95484353,342377,-22416,4,bedside glucose,146.0,146,mg/dL,mg/dl,-22414 +94817450,342377,5393,3,MCV,81.0,81,fL,fl,5520 +97096910,342377,-5959,4,bedside glucose,132.0,132,mg/dL,mg/dl,-5690 +97167580,342377,-11838,4,bedside glucose,141.0,141,mg/dL,mg/dl,-11836 +96505296,342377,-19874,4,bedside glucose,135.0,135,mg/dL,mg/dl,-19872 +88033342,342377,-17717,2,Vancomycin - trough,17.2,17.20,mcg/mL,ug/mL,-17610 +96147343,342377,-16649,4,bedside glucose,177.0,177,mg/dL,mg/dl,-16648 +97536495,342377,-20520,4,bedside glucose,133.0,133,mg/dL,mg/dl,-20455 +96705814,342377,-7388,4,bedside glucose,103.0,103,mg/dL,mg/dl,-7382 +90965834,342377,-1795,3,Hgb,9.1,9.1,g/dL,g/dl,-1735 +82466626,342377,-14775,1,BUN,10.0,10,mg/dL,mg/dl,-14632 +87678361,342377,-305,1,prealbumin,15.0,15.0,mg/dL,mg/dl,-246 +95294012,342377,-12356,4,bedside glucose,159.0,159,mg/dL,mg/dl,-12348 +84487301,342377,-1795,1,magnesium,1.43,1.43,mg/dL,meq/L,-1664 +87544093,342377,-20584,1,prealbumin,11.0,11.0,mg/dL,mg/dl,-20462 +95478957,342377,-20853,4,bedside glucose,143.0,143,mg/dL,mg/dl,-20806 +85924877,342377,-1795,1,amylase,44.0,44,Units/L,IU/L,-1717 +86214591,342377,-1075,1,potassium,3.1,3.1,mmol/L,meq/L,-1036 +97008647,342377,-4662,4,bedside glucose,127.0,127,mg/dL,mg/dl,-4653 +94817447,342377,5393,3,RBC,3.41,3.41,M/mcL,M/cmm,5520 +95963494,342377,-2486,4,bedside glucose,114.0,114,mg/dL,mg/dl,-2454 +96504883,342377,-19100,4,bedside glucose,136.0,136,mg/dL,mg/dl,-19084 +96344667,342377,-12645,4,bedside glucose,167.0,167,mg/dL,mg/dl,-12358 +85081050,342377,-8784,1,magnesium,1.19,1.19,mg/dL,meq/L,-8717 +97049811,342377,-13403,4,bedside glucose,124.0,124,mg/dL,mg/dl,-13377 +82127477,342377,5393,1,glucose,153.0,153,mg/dL,mg/dl,5543 +82863305,342377,-17717,1,chloride,105.0,105,mmol/L,meq/L,-17590 +82127484,342377,5393,1,calcium,8.6,8.6,mg/dL,mg/dl,5543 +97218018,342377,1575,4,bedside glucose,94.0,94,mg/dL,mg/dl,1888 +82127481,342377,5393,1,potassium,2.8,2.8,mmol/L,meq/L,5543 +96184278,342377,-51,4,bedside glucose,215.0,215,mg/dL,mg/dl,-48 +82127478,342377,5393,1,BUN,11.0,11,mg/dL,mg/dl,5543 +96602643,342377,-9489,4,bedside glucose,117.0,117,mg/dL,mg/dl,-9466 +82127483,342377,5393,1,bicarbonate,31.0,31.0,mmol/L,meq/L,5543 +85114952,342377,-10462,1,prealbumin,16.0,16.0,mg/dL,mg/dl,-10374 +82127482,342377,5393,1,chloride,101.0,101,mmol/L,meq/L,5543 +97044967,342377,-20584,4,CRP,5.19,5.19,mg/dL,mg/dl,-20462 +82127479,342377,5393,1,creatinine,0.63,0.63,mg/dL,mg/dl,5543 +95714233,342377,-18394,4,bedside glucose,137.0,137,mg/dL,mg/dl,-18251 +83975264,342377,-20584,1,magnesium,1.34,1.34,mg/dL,meq/L,-20462 +96649264,342377,-18132,4,bedside glucose,142.0,142,mg/dL,mg/dl,-18127 +82127480,342377,5393,1,sodium,143.0,143,mmol/L,meq/L,5543 +138466658,439621,-237,7,O2 Sat (%),98.3,98.3,%,%,-237 +138466659,439621,-237,7,Base Excess,-22.3,-22.3,mEq/L,mmol/L,-237 +108044212,439621,-304,1,AST (SGOT),34.0,34,Units/L,U/L,-260 +138466652,439621,-237,7,FiO2,21.0,21.0,%,%,-237 +108044210,439621,-304,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-257 +138466653,439621,-237,7,paO2,143.7,143.7,mm Hg,mmHg,-237 +108044213,439621,-304,1,albumin,5.1,5.1,g/dL,g/dL,-260 +138466654,439621,-237,7,Carboxyhemoglobin,0.3,0.3,%,%,-237 +108044215,439621,-304,1,direct bilirubin,0.1,0.1,mg/dL,mg/dL,-260 +121689378,439621,888,3,platelets x 1000,293.0,293,K/mcL,K/uL,902 +138466655,439621,-237,7,paCO2,9.6,9.6,mm Hg,mmHg,-237 +108044211,439621,-304,1,alkaline phos.,363.0,363,Units/L,U/L,-257 +121689379,439621,888,3,MPV,10.4,10.4,fL,fL,902 +138466651,439621,-237,7,Methemoglobin,0.5,0.5,%,%,-237 +108044216,439621,-304,1,ALT (SGPT),75.0,75,Units/L,U/L,-260 +121689373,439621,888,3,Hct,33.9,33.9,%,%,902 +138466656,439621,-237,7,pH,7.168,7.168,,,-237 +107897333,439621,-304,1,potassium,4.9,4.9,mmol/L,mmol/L,-260 +121689374,439621,888,3,MCV,96.0,96,fL,fL,902 +138466650,439621,-237,7,HCO3,3.4,3.4,mmol/L,mmol/L,-237 +108044214,439621,-304,1,total protein,10.5,10.5,g/dL,g/dL,-257 +121689375,439621,888,3,MCH,33.0,33,pg,pg,902 +125470542,439621,543,4,bedside glucose,139.0,139,mg/dL,mg/dL,543 +121689376,439621,888,3,MCHC,34.0,34,g/dL,g/dL,902 +110764458,439621,-304,1,anion gap,26.0,26,,,-260 +121689377,439621,888,3,RDW,12.9,12.9,%,%,902 +127057805,439621,523,4,bedside glucose,34.0,34,mg/dL,mg/dL,523 +121689370,439621,888,3,WBC x 1000,6.6,6.6,K/mcL,K/uL,902 +124919639,439621,386,4,bedside glucose,75.0,75,mg/dL,mg/dL,386 +121689372,439621,888,3,Hgb,11.5,11.5,g/dL,g/dL,902 +119816770,439621,-304,3,-basos,1.0,1,%,%,-264 +110764459,439621,-304,1,bicarbonate,10.0,10,mmol/L,mmol/L,-260 +119816768,439621,-304,3,-lymphs,33.0,33,%,%,-264 +125233542,439621,125,4,bedside glucose,142.0,142,mg/dL,mg/dL,125 +119816769,439621,-304,3,RBC,4.85,4.85,M/mcL,M/uL,-264 +124582710,439621,475,4,bedside glucose,70.0,70,mg/dL,mg/dL,475 +119816771,439621,-304,3,-polys,62.0,62,%,%,-264 +126473612,439621,634,4,bedside glucose,107.0,107,mg/dL,mg/dL,634 +125633719,439621,-322,4,bedside glucose,,>600,mg/dL,mg/dL,-322 +119816767,439621,-304,3,MPV,11.9,11.9,fL,fL,-264 +125813565,439621,202,4,bedside glucose,103.0,103,mg/dL,mg/dL,202 +108306061,439621,-304,1,glucose,648.0,648,mg/dL,mg/dL,-260 +119816772,439621,-304,3,Hct,48.4,48.4,%,%,-264 +124641431,439621,-215,4,bedside glucose,450.0,450,mg/dL,mg/dL,-215 +121689371,439621,888,3,RBC,3.54,3.54,M/mcL,M/uL,902 +119816773,439621,-304,3,-eos,0.0,0,%,%,-264 +113437142,439621,888,1,phosphate,4.2,4.2,mg/dL,mg/dL,928 +119816777,439621,-304,3,RDW,12.9,12.9,%,%,-264 +113479787,439621,888,1,chloride,109.0,109,mmol/L,mmol/L,928 +119816780,439621,-304,3,MCHC,32.0,32,g/dL,g/dL,-264 +113479785,439621,888,1,sodium,136.0,136,mmol/L,mmol/L,928 +119816775,439621,-304,3,Hgb,15.6,15.6,g/dL,g/dL,-264 +113479790,439621,888,1,glucose,88.0,88,mg/dL,mg/dL,928 +119816781,439621,-304,3,platelets x 1000,371.0,371,K/mcL,K/uL,-264 +113479788,439621,888,1,bicarbonate,18.0,18,mmol/L,mmol/L,928 +119816774,439621,-304,3,MCV,100.0,100,fL,fL,-264 +113479786,439621,888,1,potassium,4.2,4.2,mmol/L,mmol/L,930 +119816776,439621,-304,3,WBC x 1000,8.2,8.2,K/mcL,K/uL,-264 +125548912,439621,-58,4,urinary specific gravity,1.03,1.030,,,-17 +119816778,439621,-304,3,MCH,32.0,32,pg,pg,-264 +113479792,439621,888,1,creatinine,0.31,0.31,mg/dL,mg/dL,928 +124959866,439621,785,4,bedside glucose,85.0,85,mg/dL,mg/dL,785 +126159815,439621,-58,4,WBC's in urine,1.0,1,,/HPF,60 +119816779,439621,-304,3,-monos,4.0,4,%,%,-264 +113479791,439621,888,1,BUN,5.0,5,mg/dL,mg/dL,928 +111072903,439621,-304,1,chloride,91.0,91,mmol/L,mmol/L,-260 +112905782,439621,-304,1,creatinine,0.63,0.63,mg/dL,mg/dL,-260 +125850982,439621,853,4,bedside glucose,70.0,70,mg/dL,mg/dL,853 +124849160,439621,56,4,bedside glucose,177.0,177,mg/dL,mg/dL,56 +127134883,439621,-142,4,bedside glucose,277.0,277,mg/dL,mg/dL,-142 +113479793,439621,888,1,calcium,8.2,8.2,mg/dL,mg/dL,928 +124973261,439621,255,4,bedside glucose,105.0,105,mg/dL,mg/dL,255 +113782697,439621,-304,1,calcium,9.9,9.9,mg/dL,mg/dL,-260 +111521720,439621,-304,1,BUN,16.0,16,mg/dL,mg/dL,-260 +125535742,439621,0,4,bedside glucose,187.0,187,mg/dL,mg/dL,0 +124557136,439621,725,4,bedside glucose,80.0,80,mg/dL,mg/dL,725 +113479789,439621,888,1,anion gap,9.0,9,,,928 +126281814,439621,316,4,bedside glucose,88.0,88,mg/dL,mg/dL,316 +113052165,439621,-304,1,sodium,127.0,127,mmol/L,mmol/L,-260 +126570169,439621,1136,4,bedside glucose,309.0,309,mg/dL,mg/dL,1136 +124607775,439621,-60,4,bedside glucose,205.0,205,mg/dL,mg/dL,-60 +126331023,439621,-276,4,bedside glucose,,>600,mg/dL,mg/dL,-276 +111141604,439621,888,1,magnesium,1.6,1.6,mg/dL,mg/dL,930 +774879246,3153894,23,3,MCV,92.0,92,fL,U3,80 +774879242,3153894,23,3,MCH,30.8,30.8,pg,PG,80 +774879241,3153894,23,3,-eos,0.0,0,%,%,80 +774879240,3153894,23,3,RBC,3.61,3.61,M/mcL,MIL/CMM,80 +774879239,3153894,23,3,-lymphs,4.0,4,%,%,80 +774879236,3153894,23,3,MPV,8.8,8.8,fL,fl,80 +774879234,3153894,23,3,WBC x 1000,15.8,15.8,K/mcL,K/CMM,80 +777047896,3153894,1644,4,bedside glucose,262.0,262,mg/dL,mg/dL,1644 +774879233,3153894,23,3,-basos,0.0,0,%,%,80 +777141758,3153894,146,4,bedside glucose,200.0,200,mg/dL,mg/dL,146 +777922490,3153894,1119,7,pH,7.42,7.42,,,1124 +777010835,3153894,8858,4,bedside glucose,158.0,158,mg/dL,mg/dL,8858 +774879232,3153894,23,3,MCHC,33.4,33.4,g/dL,GM/DL,80 +777000509,3153894,179,4,CRP,10.61,10.61,mg/dL,MG/L,205 +777922494,3153894,1119,7,HCO3,27.0,27,mmol/L,MEQ/L,1124 +777335052,3153894,8043,4,bedside glucose,263.0,263,mg/dL,mg/dL,8043 +774879243,3153894,23,3,Hgb,11.1,11.1,g/dL,GM/DL,80 +777109710,3153894,1579,4,bedside glucose,166.0,166,mg/dL,mg/dL,1579 +777320974,3153894,9780,4,bedside glucose,111.0,111,mg/dL,mg/dL,9780 +777015822,3153894,12385,4,bedside glucose,128.0,128,mg/dL,mg/dL,12385 +774879245,3153894,23,3,platelets x 1000,127.0,127,K/mcL,K/CMM,80 +777138845,3153894,1578,4,bedside glucose,49.0,49,mg/dL,mg/dL,1578 +777922495,3153894,1119,7,paO2,116.0,116,mm Hg,MMHG,1124 +777032319,3153894,2299,4,bedside glucose,120.0,120,mg/dL,mg/dL,2299 +774879237,3153894,23,3,Hct,33.3,33.3,%,%,80 +777330362,3153894,14632,4,bedside glucose,380.0,380,mg/dL,mg/dL,14632 +776575571,3153894,9089,3,RBC,3.07,3.07,M/mcL,MIL/CMM,9109 +777922492,3153894,1119,7,FiO2,30.0,30,%,,1124 +776575570,3153894,9089,3,-lymphs,15.0,15,%,%,9109 +777124594,3153894,5213,4,bedside glucose,222.0,222,mg/dL,mg/dL,5213 +776575582,3153894,9089,3,MCHC,34.1,34.1,g/dL,GM/DL,9109 +774879238,3153894,23,3,-polys,85.0,85,%,%,80 +776575569,3153894,9089,3,MPV,8.3,8.3,fL,fl,9109 +777075489,3153894,13173,4,bedside glucose,134.0,134,mg/dL,mg/dL,13173 +776575583,3153894,9089,3,platelets x 1000,86.0,86,K/mcL,K/CMM,9109 +777922491,3153894,1119,7,paCO2,41.0,41,mm Hg,MMHG,1124 +776526311,3153894,3299,3,MCH,31.2,31.2,pg,PG,3311 +776976097,3153894,10931,4,bedside glucose,185.0,185,mg/dL,mg/dL,10931 +776526312,3153894,3299,3,Hct,27.4,27.4,%,%,3311 +774879235,3153894,23,3,RDW,13.4,13.4,%,%,80 +776526313,3153894,3299,3,platelets x 1000,39.0,39,K/mcL,K/CMM,3311 +777234671,3153894,5978,4,bedside glucose,138.0,138,mg/dL,mg/dL,5978 +776526315,3153894,3299,3,RBC,2.97,2.97,M/mcL,MIL/CMM,3311 +777036402,3153894,14115,4,bedside glucose,117.0,117,mg/dL,mg/dL,14115 +776526314,3153894,3299,3,MCV,92.0,92,fL,U3,3311 +777271517,3153894,11203,4,bedside glucose,213.0,213,mg/dL,mg/dL,11203 +776488897,3153894,4744,3,PTT,57.0,57,sec,SECONDS,4782 +777112760,3153894,6674,4,bedside glucose,211.0,211,mg/dL,mg/dL,6674 +776266390,3153894,14804,3,MCV,91.0,91,fL,U3,14822 +776992691,3153894,5420,4,bedside glucose,150.0,150,mg/dL,mg/dL,5420 +776266391,3153894,14804,3,MCH,31.7,31.7,pg,PG,14822 +773016706,3153894,499,1,magnesium,1.8,1.8,mg/dL,MG/DL,553 +776526318,3153894,3299,3,Hgb,9.3,9.3,g/dL,GM/DL,3311 +776990994,3153894,884,4,bedside glucose,133.0,133,mg/dL,mg/dL,884 +776266392,3153894,14804,3,MCHC,34.7,34.7,g/dL,GM/DL,14822 +777112425,3153894,2631,4,bedside glucose,234.0,234,mg/dL,mg/dL,2631 +776266393,3153894,14804,3,RDW,13.5,13.5,%,%,14822 +777922493,3153894,1119,7,Base Excess,2.0,2,mEq/L,MEQ/L,1124 +776575581,3153894,9089,3,-monos,13.0,13,%,%,9109 +777021847,3153894,13818,4,bedside glucose,287.0,287,mg/dL,mg/dL,13818 +776526316,3153894,3299,3,WBC x 1000,4.0,4.0,K/mcL,K/CMM,3311 +777085881,3153894,8347,4,bedside glucose,139.0,139,mg/dL,mg/dL,8347 +776526320,3153894,3299,3,MCHC,33.8,33.8,g/dL,GM/DL,3311 +774879244,3153894,23,3,-monos,11.0,11,%,%,80 +776575578,3153894,9089,3,WBC x 1000,3.8,3.8,K/mcL,K/CMM,9109 +776908044,3153894,16693,4,bedside glucose,116.0,116,mg/dL,mg/dL,16693 +776266386,3153894,14804,3,WBC x 1000,4.5,4.5,K/mcL,K/CMM,14822 +777132834,3153894,15548,4,bedside glucose,145.0,145,mg/dL,mg/dL,15548 +776266387,3153894,14804,3,RBC,2.85,2.85,M/mcL,MIL/CMM,14822 +777295195,3153894,6951,4,bedside glucose,175.0,175,mg/dL,mg/dL,6951 +776575576,3153894,9089,3,MCV,92.0,92,fL,U3,9109 +776300646,3153894,11179,3,PTT,49.0,49,sec,SECONDS,11206 +777269550,3153894,9495,4,bedside glucose,207.0,207,mg/dL,mg/dL,9495 +776575577,3153894,9089,3,Hgb,9.6,9.6,g/dL,GM/DL,9109 +775193082,3153894,79,3,PTT,108.0,108,sec,SECONDS,104 +776890632,3153894,4025,4,bedside glucose,159.0,159,mg/dL,mg/dL,4025 +776526317,3153894,3299,3,MPV,8.7,8.7,fL,fl,3311 +775051113,3153894,6229,3,MPV,8.8,8.8,fL,fl,6281 +776266388,3153894,14804,3,Hgb,9.0,9.0,g/dL,GM/DL,14822 +775051114,3153894,6229,3,-lymphs,21.0,21,%,%,6281 +776575579,3153894,9089,3,RDW,13.9,13.9,%,%,9109 +775051115,3153894,6229,3,RBC,2.84,2.84,M/mcL,MIL/CMM,6250 +776575572,3153894,9089,3,-basos,1.0,1,%,%,9109 +775051119,3153894,6229,3,-eos,8.0,8,%,%,6281 +776575573,3153894,9089,3,-polys,64.0,64,%,%,9109 +775051118,3153894,6229,3,Hct,25.8,25.8,%,%,6250 +776575574,3153894,9089,3,Hct,28.2,28.2,%,%,9109 +775051126,3153894,6229,3,MCHC,34.5,34.5,g/dL,GM/DL,6250 +776526319,3153894,3299,3,RDW,13.8,13.8,%,%,3311 +775051124,3153894,6229,3,MCH,31.3,31.3,pg,PG,6250 +776575575,3153894,9089,3,-eos,7.0,7,%,%,9109 +775051122,3153894,6229,3,WBC x 1000,4.0,4.0,K/mcL,K/CMM,6250 +776575580,3153894,9089,3,MCH,31.3,31.3,pg,PG,9109 +774854427,3153894,4744,3,MPV,9.0,9.0,fL,fl,4774 +776266389,3153894,14804,3,Hct,26.0,26.0,%,%,14822 +775051121,3153894,6229,3,Hgb,8.9,8.9,g/dL,GM/DL,6250 +777476690,3153894,1924,7,HCO3,27.0,27,mmol/L,MEQ/L,2032 +774854432,3153894,4744,3,RDW,13.4,13.4,%,%,4774 +777476689,3153894,1924,7,paO2,101.0,101,mm Hg,MMHG,2032 +775051123,3153894,6229,3,RDW,13.7,13.7,%,%,6250 +777476688,3153894,1924,7,Base Excess,3.0,3,mEq/L,MEQ/L,2032 +774854426,3153894,4744,3,MCH,31.5,31.5,pg,PG,4774 +777476687,3153894,1924,7,pH,7.45,7.45,,,2032 +775051125,3153894,6229,3,-monos,9.0,9,%,%,6281 +777476686,3153894,1924,7,FiO2,28.0,28,%,,2032 +774854424,3153894,4744,3,Hct,28.6,28.6,%,%,4774 +777449474,3153894,484,7,pH,7.44,7.44,,,508 +775051120,3153894,6229,3,MCV,91.0,91,fL,U3,6250 +777449473,3153894,484,7,FiO2,60.0,60,%,,508 +774854430,3153894,4744,3,platelets x 1000,37.0,37,K/mcL,K/CMM,4774 +777449472,3153894,484,7,Base Excess,1.0,1,mEq/L,MEQ/L,508 +774643989,3153894,3299,1,glucose,184.0,184,mg/dL,MG/DL,3322 +777449470,3153894,484,7,paO2,276.0,276,mm Hg,MMHG,508 +775051117,3153894,6229,3,-polys,63.0,63,%,%,6281 +777241982,3153894,501,4,bedside glucose,109.0,109,mg/dL,mg/dL,501 +774854429,3153894,4744,3,Hgb,9.7,9.7,g/dL,GM/DL,4774 +777208996,3153894,13497,4,bedside glucose,115.0,115,mg/dL,mg/dL,13497 +774643997,3153894,3299,1,bicarbonate,29.0,29,mmol/L,mmol/L,3322 +777230724,3153894,1929,4,bedside glucose,99.0,99,mg/dL,mg/dL,1929 +776519190,3153894,79,3,PT,41.2,41.2,sec,SECONDS,104 +777449471,3153894,484,7,paCO2,37.0,37,mm Hg,MMHG,508 +775054347,3153894,3299,3,PT,15.6,15.6,sec,SECONDS,3318 +777319398,3153894,6287,4,bedside glucose,143.0,143,mg/dL,mg/dL,6287 +776519191,3153894,79,3,PT - INR,3.7,3.7,ratio,,104 +775511573,3153894,499,3,PTT,163.0,163,sec,SECONDS,554 +774854425,3153894,4744,3,MCHC,34.1,34.1,g/dL,GM/DL,4774 +777476691,3153894,1924,7,paCO2,39.0,39,mm Hg,MMHG,2032 +776078064,3153894,7687,3,MCH,32.0,32.0,pg,PG,7703 +773234498,3153894,1820,1,magnesium,1.5,1.5,mg/dL,MG/DL,1861 +774643996,3153894,3299,1,sodium,139.0,139,mmol/L,mmol/L,3322 +777449475,3153894,484,7,HCO3,25.0,25,mmol/L,MEQ/L,508 +776078063,3153894,7687,3,RDW,13.6,13.6,%,%,7703 +773897941,3153894,1820,1,CPK-MB,17.3,17.3,ng/mL,NG/ML,1913 +775054348,3153894,3299,3,PT - INR,1.4,1.4,ratio,,3318 +774877578,3153894,10624,3,Hct,26.4,26.4,%,%,10661 +776078066,3153894,7687,3,MCHC,34.9,34.9,g/dL,GM/DL,7703 +773599299,3153894,6229,1,calcium,7.7,7.7,mg/dL,MG/DL,6251 +774854431,3153894,4744,3,WBC x 1000,3.9,3.9,K/mcL,K/CMM,4774 +774877579,3153894,10624,3,MCV,92.0,92,fL,U3,10661 +776078053,3153894,7687,3,MPV,8.0,8.0,fL,fl,7703 +773830235,3153894,1820,1,potassium,3.3,3.3,mmol/L,mmol/L,1861 +774643995,3153894,3299,1,BUN,10.0,10,mg/dL,MG/DL,3322 +774877576,3153894,10624,3,RBC,2.87,2.87,M/mcL,MIL/CMM,10661 +776078061,3153894,7687,3,Hgb,9.0,9.0,g/dL,GM/DL,7703 +773672586,3153894,1820,1,troponin - I,13.13,13.13,ng/mL,NG/ML,1913 +775051116,3153894,6229,3,-basos,0.0,0,%,%,6281 +774877575,3153894,10624,3,WBC x 1000,3.9,3.9,K/mcL,K/CMM,10661 +776078062,3153894,7687,3,WBC x 1000,3.8,3.8,K/mcL,K/CMM,7703 +773897942,3153894,1820,1,CPK,364.0,364,Units/L,U/L,1861 +774854428,3153894,4744,3,MCV,93.0,93,fL,U3,4774 +774877577,3153894,10624,3,Hgb,9.1,9.1,g/dL,GM/DL,10661 +776078067,3153894,7687,3,platelets x 1000,67.0,67,K/mcL,K/CMM,7703 +773599295,3153894,6229,1,creatinine,0.64,0.64,mg/dL,MG/DL,6251 +774643992,3153894,3299,1,chloride,109.0,109,mmol/L,mmol/L,3322 +774877580,3153894,10624,3,MCH,31.5,31.5,pg,PG,10661 +776078058,3153894,7687,3,Hct,25.8,25.8,%,%,7703 +773830236,3153894,1820,1,chloride,113.0,113,mmol/L,mmol/L,1867 +775051127,3153894,6229,3,platelets x 1000,58.0,58,K/mcL,K/CMM,6281 +774877584,3153894,10624,3,MPV,8.2,8.2,fL,fl,10661 +776078059,3153894,7687,3,-eos,6.0,6,%,%,7746 +773599294,3153894,6229,1,potassium,3.4,3.4,mmol/L,mmol/L,6251 +774854423,3153894,4744,3,RBC,3.09,3.09,M/mcL,MIL/CMM,4774 +774877583,3153894,10624,3,platelets x 1000,100.0,100,K/mcL,K/CMM,10661 +776078057,3153894,7687,3,-polys,72.0,72,%,%,7746 +773830240,3153894,1820,1,BUN,9.0,9,mg/dL,MG/DL,1861 +774643991,3153894,3299,1,creatinine,0.68,0.68,mg/dL,MG/DL,3322 +774877582,3153894,10624,3,RDW,13.9,13.9,%,%,10661 +775952997,3153894,7687,3,PT,16.4,16.4,sec,SECONDS,7710 +773599296,3153894,6229,1,anion gap,2.0,2,,mmol/L,6251 +775443899,3153894,13376,3,PTT,71.0,71,sec,SECONDS,13452 +774877581,3153894,10624,3,MCHC,34.4,34.4,g/dL,GM/DL,10661 +776519858,3153894,499,3,-polys,73.0,73,%,%,516 +773830243,3153894,1820,1,anion gap,1.0,1,,mmol/L,1867 +774643993,3153894,3299,1,calcium,7.7,7.7,mg/dL,MG/DL,3322 +774406525,3153894,23,1,magnesium,1.9,1.9,mg/dL,MG/DL,101 +775952998,3153894,7687,3,PT - INR,1.4,1.4,ratio,,7710 +773599300,3153894,6229,1,glucose,130.0,130,mg/dL,MG/DL,6251 +775451100,3153894,1820,3,PT,12.3,12.3,sec,SECONDS,1854 +774935446,3153894,10624,3,PTT,26.0,26,sec,SECONDS,10777 +776519860,3153894,499,3,MCV,92.0,92,fL,U3,516 +773830242,3153894,1820,1,calcium,7.8,7.8,mg/dL,MG/DL,1861 +774643990,3153894,3299,1,anion gap,1.0,1,,mmol/L,3322 +772957985,3153894,4744,1,bicarbonate,26.0,26,mmol/L,mmol/L,4782 +776131035,3153894,7687,3,PTT,57.0,57,sec,SECONDS,7776 +773599297,3153894,6229,1,sodium,137.0,137,mmol/L,mmol/L,6251 +775451099,3153894,1820,3,PT - INR,1.1,1.1,ratio,,1854 +772957986,3153894,4744,1,chloride,105.0,105,mmol/L,mmol/L,4782 +776519859,3153894,499,3,Hgb,11.3,11.3,g/dL,GM/DL,516 +773830241,3153894,1820,1,sodium,139.0,139,mmol/L,mmol/L,1867 +774643994,3153894,3299,1,potassium,4.0,4.0,mmol/L,mmol/L,3322 +772957988,3153894,4744,1,BUN,15.0,15,mg/dL,MG/DL,4782 +776078054,3153894,7687,3,-lymphs,13.0,13,%,%,7746 +773599302,3153894,6229,1,BUN,16.0,16,mg/dL,MG/DL,6251 +777298447,3153894,6218,4,bedside glucose,142.0,142,mg/dL,mg/dL,6218 +773038474,3153894,1820,1,phosphate,1.0,1.0,mg/dL,MG/DL,1861 +776519861,3153894,499,3,MCHC,34.6,34.6,g/dL,GM/DL,516 +773830237,3153894,1820,1,glucose,135.0,135,mg/dL,MG/DL,1861 +775950900,3153894,5779,3,folate,13.0,13.0,ng/mL,NG/ML,5849 +773017786,3153894,9089,1,creatinine,0.69,0.69,mg/dL,MG/DL,9115 +776078060,3153894,7687,3,MCV,92.0,92,fL,U3,7703 +773599298,3153894,6229,1,bicarbonate,29.0,29,mmol/L,mmol/L,6251 +775950899,3153894,5779,3,Vitamin B12,1270.0,1270,pg/mL,PG/ML,5849 +772957987,3153894,4744,1,anion gap,6.0,6,,mmol/L,4782 +776519862,3153894,499,3,RBC,3.57,3.57,M/mcL,MIL/CMM,516 +773830238,3153894,1820,1,bicarbonate,25.0,25,mmol/L,mmol/L,1867 +776947946,3153894,430,4,bedside glucose,108.0,108,mg/dL,mg/dL,430 +773017785,3153894,9089,1,potassium,4.3,4.3,mmol/L,mmol/L,9115 +776078055,3153894,7687,3,RBC,2.82,2.82,M/mcL,MIL/CMM,7703 +773599301,3153894,6229,1,chloride,106.0,106,mmol/L,mmol/L,6251 +776209760,3153894,1469,3,PTT,68.0,68,sec,SECONDS,1505 +773012918,3153894,4744,1,phosphate,2.7,2.7,mg/dL,MG/DL,4782 +776519870,3153894,499,3,-monos,13.0,13,%,%,516 +773830239,3153894,1820,1,creatinine,0.77,0.77,mg/dL,MG/DL,1861 +777087946,3153894,6130,4,bedside glucose,128.0,128,mg/dL,mg/dL,6130 +773017793,3153894,9089,1,BUN,8.0,8,mg/dL,MG/DL,9115 +776078065,3153894,7687,3,-monos,8.0,8,%,%,7746 +775789834,3153894,1820,3,PTT,61.0,61,sec,SECONDS,1854 +774252670,3153894,5779,1,BUN,18.0,18,mg/dL,MG/DL,5821 +773017792,3153894,9089,1,chloride,103.0,103,mmol/L,mmol/L,9115 +776519866,3153894,499,3,WBC x 1000,12.5,12.5,K/mcL,K/CMM,516 +774054274,3153894,499,1,albumin,2.9,2.9,g/dL,G/DL,657 +774252659,3153894,5779,1,creatinine,0.83,0.83,mg/dL,MG/DL,5821 +772957982,3153894,4744,1,glucose,308.0,308,mg/dL,MG/DL,4782 +776078056,3153894,7687,3,-basos,1.0,1,%,%,7746 +775835603,3153894,3299,3,PTT,54.0,54,sec,SECONDS,3318 +774252660,3153894,5779,1,alkaline phos.,53.0,53,Units/L,U/L,5821 +772915994,3153894,1820,1,prealbumin,9.0,9.0,mg/dL,MG/DL,1920 +776338823,3153894,12025,3,PTT,65.0,65,sec,SECONDS,12043 +774054269,3153894,499,1,total bilirubin,0.5,0.5,mg/dL,MG/DL,657 +774252658,3153894,5779,1,potassium,3.5,3.5,mmol/L,mmol/L,5821 +772957983,3153894,4744,1,potassium,4.3,4.3,mmol/L,mmol/L,4782 +776519857,3153894,499,3,MCH,31.6,31.6,pg,PG,516 +775850582,3153894,9089,3,PTT,54.0,54,sec,SECONDS,9121 +774252657,3153894,5779,1,total bilirubin,0.5,0.5,mg/dL,MG/DL,5821 +773007005,3153894,1071,1,potassium,4.0,4.0,mmol/L,mmol/L,1107 +776851203,3153894,2039,4,bedside glucose,173.0,173,mg/dL,mg/dL,2039 +772957990,3153894,4744,1,calcium,7.9,7.9,mg/dL,MG/DL,4782 +774252663,3153894,5779,1,albumin,2.2,2.2,g/dL,G/DL,5821 +773007007,3153894,1071,1,chloride,113.0,113,mmol/L,mmol/L,1107 +776519867,3153894,499,3,platelets x 1000,103.0,103,K/mcL,K/CMM,516 +774054270,3153894,499,1,AST (SGOT),119.0,119,Units/L,U/L,657 +773664082,3153894,23,1,CPK-MB,143.8,143.8,ng/mL,NG/ML,112 +773007006,3153894,1071,1,glucose,122.0,122,mg/dL,MG/DL,1107 +776984449,3153894,16400,4,bedside glucose,234.0,234,mg/dL,mg/dL,16400 +773017790,3153894,9089,1,calcium,8.4,8.4,mg/dL,MG/DL,9115 +774252668,3153894,5779,1,glucose,114.0,114,mg/dL,MG/DL,5821 +773007011,3153894,1071,1,sodium,139.0,139,mmol/L,mmol/L,1107 +776519868,3153894,499,3,-lymphs,12.0,12,%,%,516 +775743607,3153894,6229,3,PT,18.6,18.6,sec,SECONDS,6249 +773664081,3153894,23,1,CPK,932.0,932,Units/L,U/L,101 +777222818,3153894,5347,4,bedside glucose,189.0,189,mg/dL,mg/dL,5347 +776867605,3153894,1984,4,bedside glucose,109.0,109,mg/dL,mg/dL,1984 +773017791,3153894,9089,1,glucose,217.0,217,mg/dL,MG/DL,9115 +774252669,3153894,5779,1,chloride,108.0,108,mmol/L,mmol/L,5821 +773007010,3153894,1071,1,anion gap,2.0,2,,mmol/L,1107 +777154988,3153894,9982,4,bedside glucose,93.0,93,mg/dL,mg/dL,9982 +773799084,3153894,499,1,calcium,7.7,7.7,mg/dL,MG/DL,553 +776519871,3153894,499,3,RDW,13.7,13.7,%,%,516 +776217975,3153894,12354,3,PTT,66.0,66,sec,SECONDS,12391 +776884626,3153894,14304,4,bedside glucose,94.0,94,mg/dL,mg/dL,14304 +774054273,3153894,499,1,ALT (SGPT),35.0,35,Units/L,U/L,657 +773762397,3153894,23,1,phosphate,2.5,2.5,mg/dL,MG/DL,101 +773007009,3153894,1071,1,bicarbonate,24.0,24,mmol/L,mmol/L,1107 +776952181,3153894,1424,4,bedside glucose,124.0,124,mg/dL,mg/dL,1424 +773799086,3153894,499,1,creatinine,0.9,0.90,mg/dL,MG/DL,553 +775669999,3153894,12025,3,MPV,7.3,7.3,fL,fl,12034 +777095094,3153894,1001,4,bedside glucose,137.0,137,mg/dL,mg/dL,1001 +777122656,3153894,12882,4,bedside glucose,204.0,204,mg/dL,mg/dL,12882 +773017789,3153894,9089,1,bicarbonate,32.0,32,mmol/L,mmol/L,9115 +774252661,3153894,5779,1,AST (SGOT),21.0,21,Units/L,U/L,5821 +773007013,3153894,1071,1,BUN,12.0,12,mg/dL,MG/DL,1107 +776919488,3153894,11472,4,bedside glucose,77.0,77,mg/dL,mg/dL,11472 +773799081,3153894,499,1,BUN,18.0,18,mg/dL,MG/DL,553 +777071458,3153894,14912,4,bedside glucose,412.0,412,mg/dL,mg/dL,14912 +776134532,3153894,13756,3,PTT,69.0,69,sec,SECONDS,13779 +775084566,3153894,5569,3,PTT,54.0,54,sec,SECONDS,5605 +775711095,3153894,14804,3,PTT,21.0,21,sec,SECONDS,14839 +776874996,3153894,7092,4,bedside glucose,162.0,162,mg/dL,mg/dL,7092 +773007008,3153894,1071,1,calcium,8.1,8.1,mg/dL,MG/DL,1107 +772866867,3153894,23,1,sodium,135.0,135,mmol/L,mmol/L,101 +773799080,3153894,499,1,anion gap,3.0,3,,mmol/L,553 +776256959,3153894,2644,3,PTT,41.0,41,sec,SECONDS,2683 +777228822,3153894,5280,4,bedside glucose,252.0,252,mg/dL,mg/dL,5280 +776944630,3153894,1379,4,bedside glucose,61.0,61,mg/dL,mg/dL,1379 +777290225,3153894,12723,4,bedside glucose,247.0,247,mg/dL,mg/dL,12723 +775669998,3153894,12025,3,platelets x 1000,121.0,121,K/mcL,K/CMM,12034 +773007012,3153894,1071,1,creatinine,0.9,0.90,mg/dL,MG/DL,1107 +777239941,3153894,14361,4,bedside glucose,157.0,157,mg/dL,mg/dL,14361 +773384751,3153894,499,1,HDL,40.0,40,mg/dL,MG/DL,553 +774117611,3153894,5779,1,ionized calcium,1.17,1.17,mg/dL,MMOL/L,5811 +773017788,3153894,9089,1,sodium,138.0,138,mmol/L,mmol/L,9115 +777325473,3153894,1381,4,bedside glucose,60.0,60,mg/dL,mg/dL,1381 +775571541,3153894,5299,3,PTT,54.0,54,sec,SECONDS,5318 +776519869,3153894,499,3,Hct,32.7,32.7,%,%,516 +773384750,3153894,499,1,LDL,24.0,24,mg/dL,MG/DL,553 +777297679,3153894,5699,4,bedside glucose,70.0,70,mg/dL,mg/dL,5699 +773799085,3153894,499,1,glucose,101.0,101,mg/dL,MG/DL,553 +772866865,3153894,23,1,potassium,3.7,3.7,mmol/L,mmol/L,101 +777237953,3153894,1074,4,bedside glucose,120.0,120,mg/dL,mg/dL,1074 +777277255,3153894,15773,4,bedside glucose,215.0,215,mg/dL,mg/dL,15773 +773384753,3153894,499,1,triglycerides,38.0,38,mg/dL,MG/DL,553 +775669997,3153894,12025,3,RDW,14.0,14.0,%,%,12034 +777202105,3153894,1202,4,bedside glucose,99.0,99,mg/dL,mg/dL,1202 +777306064,3153894,1406,4,bedside glucose,141.0,141,mg/dL,mg/dL,1406 +775881582,3153894,1071,3,PTT,52.0,52,sec,SECONDS,1109 +774252664,3153894,5779,1,bicarbonate,29.0,29,mmol/L,mmol/L,5821 +773384752,3153894,499,1,total cholesterol,72.0,72,mg/dL,MG/DL,553 +777293706,3153894,8627,4,bedside glucose,104.0,104,mg/dL,mg/dL,8627 +774054271,3153894,499,1,total protein,4.6,4.6,g/dL,G/DL,657 +777103037,3153894,12071,4,bedside glucose,167.0,167,mg/dL,mg/dL,12071 +777645187,3153894,-96,7,paCO2,39.0,39,mm Hg,MMHG,-89 +776882607,3153894,1740,4,bedside glucose,201.0,201,mg/dL,mg/dL,1740 +773799087,3153894,499,1,chloride,110.0,110,mmol/L,mmol/L,553 +772866871,3153894,23,1,creatinine,1.2,1.20,mg/dL,MG/DL,101 +777645188,3153894,-96,7,Respiratory Rate,15.0,15,/min,/min,496 +776946884,3153894,16199,4,bedside glucose,202.0,202,mg/dL,mg/dL,16199 +777063588,3153894,5530,4,bedside glucose,93.0,93,mg/dL,mg/dL,5530 +775669995,3153894,12025,3,MCH,31.7,31.7,pg,PG,12034 +777645186,3153894,-96,7,paO2,354.0,354,mm Hg,MMHG,-89 +776877755,3153894,16138,4,bedside glucose,141.0,141,mg/dL,mg/dL,16138 +772957989,3153894,4744,1,creatinine,0.81,0.81,mg/dL,MG/DL,4782 +774252666,3153894,5779,1,calcium,7.9,7.9,mg/dL,MG/DL,5821 +777617423,3153894,24,7,PEEP,5.0,5,cm H2O,cm H2O,496 +776877726,3153894,1703,4,bedside glucose,234.0,234,mg/dL,mg/dL,1703 +773799083,3153894,499,1,potassium,3.0,3.0,mmol/L,mmol/L,553 +776519863,3153894,499,3,MPV,8.2,8.2,fL,fl,516 +777617420,3153894,24,7,Respiratory Rate,15.0,15,/min,/min,496 +776911109,3153894,272,4,bedside glucose,144.0,144,mg/dL,mg/dL,272 +777158774,3153894,14273,4,bedside glucose,47.0,47,mg/dL,mg/dL,14273 +772866872,3153894,23,1,anion gap,7.0,7,,mmol/L,101 +777645192,3153894,-96,7,PEEP,5.0,5,cm H2O,cm H2O,496 +777337009,3153894,16107,4,bedside glucose,66.0,66,mg/dL,mg/dL,16107 +775743608,3153894,6229,3,PT - INR,1.7,1.7,ratio,,6249 +775669996,3153894,12025,3,MCHC,34.4,34.4,g/dL,GM/DL,12034 +777645194,3153894,-96,7,pH,7.26,7.26,,,-89 +777339585,3153894,16090,4,bedside glucose,56.0,56,mg/dL,mg/dL,16090 +773799082,3153894,499,1,bicarbonate,26.0,26,mmol/L,mmol/L,553 +774252665,3153894,5779,1,total protein,3.8,3.8,g/dL,G/DL,5821 +777645191,3153894,-96,7,TV,400.0,400,mls,mls,496 +777202435,3153894,7464,4,bedside glucose,101.0,101,mg/dL,mg/dL,7464 +777155692,3153894,5575,4,bedside glucose,116.0,116,mg/dL,mg/dL,5575 +777079989,3153894,10627,4,bedside glucose,95.0,95,mg/dL,mg/dL,10627 +777617418,3153894,24,7,FiO2,60.0,60,%,,28 +777224594,3153894,319,4,bedside glucose,112.0,112,mg/dL,mg/dL,319 +772957984,3153894,4744,1,sodium,137.0,137,mmol/L,mmol/L,4782 +772866866,3153894,23,1,calcium,7.6,7.6,mg/dL,MG/DL,101 +777617419,3153894,24,7,TV,400.0,400,mls,mls,496 +776911568,3153894,375,4,bedside glucose,92.0,92,mg/dL,mg/dL,375 +773799088,3153894,499,1,sodium,139.0,139,mmol/L,mmol/L,553 +775669991,3153894,12025,3,RBC,2.88,2.88,M/mcL,MIL/CMM,12034 +777645185,3153894,-96,7,HCO3,18.0,18,mmol/L,MEQ/L,-89 +776653656,3153894,14804,3,platelets x 1000,159.0,159,K/mcL,K/CMM,14822 +774966505,3153894,5569,3,fibrinogen,467.0,467,mg/dL,MG/DL,5624 +774252667,3153894,5779,1,ALT (SGPT),21.0,21,Units/L,U/L,5821 +777617425,3153894,24,7,paO2,162.0,162,mm Hg,MMHG,28 +776766304,3153894,1820,3,MCHC,33.8,33.8,g/dL,GM/DL,1850 +774054272,3153894,499,1,alkaline phos.,45.0,45,Units/L,U/L,657 +776519864,3153894,499,3,-basos,1.0,1,%,%,516 +777645190,3153894,-96,7,FiO2,100.0,100,%,,-89 +776653657,3153894,14804,3,MPV,7.6,7.6,fL,fl,14822 +773814894,3153894,499,1,CPK,929.0,929,Units/L,U/L,553 +772866870,3153894,23,1,bicarbonate,21.0,21,mmol/L,mmol/L,101 +777617426,3153894,24,7,HCO3,22.0,22,mmol/L,MEQ/L,28 +776766305,3153894,1820,3,MCV,92.0,92,fL,U3,1850 +777240297,3153894,5533,4,bedside glucose,95.0,95,mg/dL,mg/dL,5533 +775669990,3153894,12025,3,WBC x 1000,4.2,4.2,K/mcL,K/CMM,12034 +776939103,3153894,77,4,bedside glucose,274.0,274,mg/dL,mg/dL,77 +776766307,3153894,1820,3,MCH,31.1,31.1,pg,PG,1850 +773017787,3153894,9089,1,anion gap,3.0,3,,mmol/L,9115 +774252662,3153894,5779,1,sodium,139.0,139,mmol/L,mmol/L,5821 +777617421,3153894,24,7,pH,7.32,7.32,,,28 +776867618,3153894,1824,4,bedside glucose,140.0,140,mg/dL,mg/dL,1824 +777162756,3153894,2150,4,bedside glucose,186.0,186,mg/dL,mg/dL,2150 +777055004,3153894,7795,4,bedside glucose,187.0,187,mg/dL,mg/dL,7795 +776902310,3153894,1469,4,bedside glucose,126.0,126,mg/dL,mg/dL,1469 +776766306,3153894,1820,3,RDW,14.2,14.2,%,%,1850 +775879756,3153894,4744,3,PT - INR,1.4,1.4,ratio,,4782 +772804675,3153894,5779,1,amylase,28.0,28,Units/L,U/L,5821 +777617417,3153894,24,7,paCO2,43.0,43,mm Hg,MMHG,28 +776716026,3153894,6229,3,PTT,57.0,57,sec,SECONDS,6249 +777297337,3153894,3568,4,bedside glucose,261.0,261,mg/dL,mg/dL,3568 +775669992,3153894,12025,3,Hgb,9.1,9.1,g/dL,GM/DL,12034 +777261285,3153894,5875,4,bedside glucose,130.0,130,mg/dL,mg/dL,5875 +776766303,3153894,1820,3,RBC,3.2,3.20,M/mcL,MIL/CMM,1850 +777309573,3153894,3681,4,bedside glucose,220.0,220,mg/dL,mg/dL,3681 +772866873,3153894,23,1,chloride,107.0,107,mmol/L,mmol/L,101 +776849079,3153894,15219,4,bedside glucose,344.0,344,mg/dL,mg/dL,15219 +776766299,3153894,1820,3,platelets x 1000,55.0,55,K/mcL,K/CMM,1850 +777282547,3153894,16488,4,bedside glucose,205.0,205,mg/dL,mg/dL,16488 +776519865,3153894,499,3,-eos,1.0,1,%,%,516 +776877826,3153894,6,4,bedside glucose,349.0,349,mg/dL,mg/dL,6 +776766298,3153894,1820,3,WBC x 1000,8.0,8.0,K/mcL,K/CMM,1850 +774054275,3153894,499,1,direct bilirubin,0.1,0.1,mg/dL,MG/DL,657 +773444510,3153894,23,1,troponin - I,24.43,24.43,ng/mL,NG/ML,112 +776998442,3153894,8026,4,bedside glucose,288.0,288,mg/dL,mg/dL,8026 +776766300,3153894,1820,3,MPV,9.0,9.0,fL,fl,1850 +777094690,3153894,635,4,bedside glucose,121.0,121,mg/dL,mg/dL,635 +775669993,3153894,12025,3,Hct,26.5,26.5,%,%,12034 +777136347,3153894,5779,4,bedside glucose,111.0,111,mg/dL,mg/dL,5779 +776766301,3153894,1820,3,Hgb,9.9,9.9,g/dL,GM/DL,1850 +774434048,3153894,499,1,troponin - I,32.5,32.50,ng/mL,NG/ML,599 +772866869,3153894,23,1,glucose,283.0,283,mg/dL,MG/DL,101 +776941314,3153894,5127,4,bedside glucose,274.0,274,mg/dL,mg/dL,5127 +777120201,3153894,10333,4,bedside glucose,109.0,109,mg/dL,mg/dL,10333 +777142247,3153894,6377,4,bedside glucose,89.0,89,mg/dL,mg/dL,6377 +776874568,3153894,499,4,TSH,1.043,1.043,mcU/ml,MICRO IU/ML,599 +772829982,3153894,179,1,lactate,1.7,1.7,mmol/L,MMOL/L,207 +776851833,3153894,1879,4,bedside glucose,108.0,108,mg/dL,mg/dL,1879 +775879755,3153894,4744,3,PT,16.2,16.2,sec,SECONDS,4782 +773188317,3153894,5779,1,lipase,11.0,11,Units/L,U/L,5821 +776746384,3153894,3684,3,PTT,56.0,56,sec,SECONDS,3712 +777079904,3153894,16122,4,bedside glucose,99.0,99,mg/dL,mg/dL,16122 +777080586,3153894,9245,4,bedside glucose,354.0,354,mg/dL,mg/dL,9245 +775669994,3153894,12025,3,MCV,92.0,92,fL,U3,12034 +773072656,3153894,179,1,ionized calcium,1.08,1.08,mg/dL,MMOL/L,212 +776766302,3153894,1820,3,Hct,29.4,29.4,%,%,1850 +777057053,3153894,787,4,bedside glucose,122.0,122,mg/dL,mg/dL,787 +772866868,3153894,23,1,BUN,24.0,24,mg/dL,MG/DL,101 +773439056,3153894,5504,1,lactate,1.3,1.3,mmol/L,MMOL/L,5533 +777060926,3153894,11780,4,bedside glucose,130.0,130,mg/dL,mg/dL,11780 +54790399,178859,379,3,-monos,7.0,7,%,%,414 +54790400,178859,379,3,-eos,0.0,0,%,%,414 +54790389,178859,379,3,RBC,3.83,3.83,M/mcL,mil/mcL,414 +54790401,178859,379,3,-basos,0.0,0,%,%,414 +54790390,178859,379,3,Hgb,10.7,10.7,g/dL,g/dL,414 +48098101,178859,379,1,calcium,8.1,8.1,mg/dL,mg/dL,432 +54790397,178859,379,3,-polys,79.0,79,%,%,414 +48098097,178859,379,1,anion gap,10.0,10,,mmol/L,432 +54790392,178859,379,3,MCV,86.4,86.4,fL,fl,414 +48098098,178859,379,1,glucose,124.0,124,mg/dL,mg/dL,432 +54790396,178859,379,3,platelets x 1000,265.0,265,K/mcL,K/mcL,414 +48098099,178859,379,1,BUN,15.0,15,mg/dL,mg/dL,432 +54790398,178859,379,3,-lymphs,14.0,14,%,%,414 +48098100,178859,379,1,creatinine,1.03,1.03,mg/dL,mg/dL,432 +54790391,178859,379,3,Hct,33.1,33.1,%,%,414 +48098093,178859,379,1,sodium,139.0,139,mmol/L,mmol/L,432 +54790394,178859,379,3,MCHC,32.3,32.3,g/dL,g/dL,414 +48098094,178859,379,1,potassium,4.3,4.3,mmol/L,mmol/L,432 +54790395,178859,379,3,RDW,14.7,14.7,%,%,414 +48098095,178859,379,1,chloride,105.0,105,mmol/L,mmol/L,432 +54790393,178859,379,3,MCH,27.9,27.9,pg,pg,414 +48098096,178859,379,1,bicarbonate,28.0,28,mmol/L,mmol/L,432 +54790388,178859,379,3,WBC x 1000,10.3,10.3,K/mcL,K/mcL,414 +227471087,959746,-137,1,total protein,7.6,7.6,g/dL,g/dL,-97 +227471082,959746,-137,1,anion gap,8.0,8,,,-97 +227471078,959746,-137,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-97 +227471083,959746,-137,1,AST (SGOT),207.0,207,Units/L,IU/L,-97 +229714184,959746,2273,3,MCHC,33.4,33.4,g/dL,g/dL,2303 +227471091,959746,-137,1,chloride,103.0,103,mmol/L,mmol/L,-97 +229714181,959746,2273,3,Hct,41.5,41.5,%,%,2303 +227471085,959746,-137,1,albumin,4.0,4.0,g/dL,g/dL,-97 +229714180,959746,2273,3,Hgb,13.9,13.9,g/dL,g/dL,2303 +227471088,959746,-137,1,calcium,9.3,9.3,mg/dL,mg/dL,-97 +229714182,959746,2273,3,MCV,95.3,95.3,fL,fL,2303 +227471081,959746,-137,1,alkaline phos.,78.0,78,Units/L,IU/L,-97 +229714185,959746,2273,3,RDW,13.5,13.5,%,%,2303 +227452014,959746,-137,1,magnesium,1.9,1.9,mg/dL,mg/dL,-105 +228882620,959746,858,1,BUN,21.0,21,mg/dL,mg/dL,947 +229714183,959746,2273,3,MCH,31.9,31.9,pg,pg,2303 +228882619,959746,858,1,chloride,108.0,108,mmol/L,mmol/L,947 +230674134,959746,-137,3,MPV,8.5,8.5,fL,fL,-123 +227471090,959746,-137,1,glucose,149.0,149,mg/dL,mg/dL,-97 +230674144,959746,-137,3,RDW,13.9,13.9,%,%,-123 +228882615,959746,858,1,calcium,9.0,9.0,mg/dL,mg/dL,947 +230674143,959746,-137,3,WBC x 1000,12.8,12.8,K/mcL,th/uL,-123 +229714186,959746,2273,3,platelets x 1000,158.0,158,K/mcL,th/uL,2303 +230674142,959746,-137,3,Hgb,15.5,15.5,g/dL,g/dL,-123 +228882611,959746,858,1,magnesium,1.9,1.9,mg/dL,mg/dL,947 +230674145,959746,-137,3,MCH,31.3,31.3,pg,pg,-123 +227471086,959746,-137,1,bicarbonate,26.0,26,mmol/L,mmol/L,-97 +230674141,959746,-137,3,MCV,95.5,95.5,fL,fL,-123 +228882612,959746,858,1,albumin,3.4,3.4,g/dL,g/dL,947 +230674140,959746,-137,3,-eos,0.1,0.1,%,%,-123 +229714190,959746,2273,3,-monos,10.0,10.0,%,%,2303 +230674146,959746,-137,3,-monos,5.5,5.5,%,%,-123 +228882614,959746,858,1,total protein,6.5,6.5,g/dL,g/dL,947 +228017165,959746,2273,1,potassium,4.2,4.2,mmol/L,mmol/L,2330 +227471089,959746,-137,1,ALT (SGPT),46.0,46,Units/L,IU/L,-97 +230674139,959746,-137,3,Hct,47.2,47.2,%,%,-123 +228882605,959746,858,1,potassium,4.1,4.1,mmol/L,mmol/L,947 +228017166,959746,2273,1,chloride,105.0,105,mmol/L,mmol/L,2330 +229714191,959746,2273,3,-basos,0.3,0.3,%,%,2303 +230674147,959746,-137,3,MCHC,32.7,32.7,g/dL,g/dL,-123 +228882604,959746,858,1,total bilirubin,1.4,1.4,mg/dL,mg/dL,947 +228017163,959746,2273,1,creatinine,0.87,0.87,mg/dL,mg/dL,2330 +227471084,959746,-137,1,sodium,137.0,137,mmol/L,mmol/L,-97 +230674137,959746,-137,3,-basos,0.3,0.3,%,%,-123 +228882606,959746,858,1,creatinine,0.74,0.74,mg/dL,mg/dL,947 +228017164,959746,2273,1,sodium,140.0,140,mmol/L,mmol/L,2330 +229714189,959746,2273,3,-lymphs,8.3,8.3,%,%,2303 +230674138,959746,-137,3,-polys,85.6,85.6,%,%,-123 +229988786,959746,858,3,Hct,42.1,42.1,%,%,929 +228882607,959746,858,1,alkaline phos.,65.0,65,Units/L,IU/L,947 +228017161,959746,2273,1,glucose,104.0,104,mg/dL,mg/dL,2330 +229988785,959746,858,3,-polys,81.6,81.6,%,%,929 +227471092,959746,-137,1,BUN,28.0,28,mg/dL,mg/dL,-97 +230674135,959746,-137,3,-lymphs,8.5,8.5,%,%,-123 +229988784,959746,858,3,-basos,0.2,0.2,%,%,929 +228882608,959746,858,1,anion gap,8.0,8,,,947 +228017171,959746,2273,1,triglycerides,47.0,47,mg/dL,mg/dL,2330 +229988783,959746,858,3,RBC,4.44,4.44,M/mcL,mill/uL,929 +229714187,959746,2273,3,MPV,8.7,8.7,fL,fL,2303 +229370070,959746,-137,3,PT - INR,1.2,1.2,ratio,,-113 +229988782,959746,858,3,-lymphs,8.6,8.6,%,%,929 +228882609,959746,858,1,AST (SGOT),381.0,381,Units/L,IU/L,947 +228017170,959746,2273,1,total cholesterol,129.0,129,mg/dL,mg/dL,2330 +229988781,959746,858,3,MPV,8.9,8.9,fL,fL,929 +230971518,959746,2273,3,RBC,4.35,4.35,M/mcL,mill/uL,2303 +230674148,959746,-137,3,platelets x 1000,214.0,214,K/mcL,th/uL,-123 +229988795,959746,858,3,platelets x 1000,174.0,174,K/mcL,th/uL,929 +228882617,959746,858,1,ALT (SGPT),65.0,65,Units/L,IU/L,947 +228017169,959746,2273,1,anion gap,8.0,8,,,2330 +229988793,959746,858,3,-monos,9.5,9.5,%,%,929 +227471079,959746,-137,1,potassium,4.3,4.3,mmol/L,mmol/L,-97 +229370069,959746,-137,3,PT,13.3,13.3,sec,sec,-113 +229988794,959746,858,3,MCHC,34.0,34.0,g/dL,g/dL,929 +228882616,959746,858,1,phosphate,2.6,2.6,mg/dL,mg/dL,947 +228017172,959746,2273,1,HDL,69.0,69,mg/dL,mg/dL,2330 +229988792,959746,858,3,MCH,32.3,32.3,pg,pg,929 +229714188,959746,2273,3,-polys,81.4,81.4,%,%,2303 +230674136,959746,-137,3,RBC,4.95,4.95,M/mcL,mill/uL,-123 +229988787,959746,858,3,-eos,0.1,0.1,%,%,929 +228882610,959746,858,1,sodium,142.0,142,mmol/L,mmol/L,947 +228017168,959746,2273,1,calcium,9.0,9.0,mg/dL,mg/dL,2330 +229988788,959746,858,3,MCV,94.9,94.9,fL,fL,929 +230971517,959746,2273,3,WBC x 1000,15.8,15.8,K/mcL,th/uL,2303 +231271421,959746,510,4,bedside glucose,122.0,122,mg/dL,mg/dL,510 +229988789,959746,858,3,Hgb,14.3,14.3,g/dL,g/dL,929 +228882618,959746,858,1,glucose,109.0,109,mg/dL,mg/dL,947 +228017167,959746,2273,1,bicarbonate,27.0,27,mmol/L,mmol/L,2330 +229988790,959746,858,3,WBC x 1000,13.2,13.2,K/mcL,th/uL,929 +227471080,959746,-137,1,creatinine,0.87,0.87,mg/dL,mg/dL,-97 +229370071,959746,-137,3,PTT,31.6,31.6,sec,sec,-113 +229988791,959746,858,3,RDW,13.6,13.6,%,%,929 +228882613,959746,858,1,bicarbonate,26.0,26,mmol/L,mmol/L,947 +228017162,959746,2273,1,BUN,22.0,22,mg/dL,mg/dL,2330 +231386625,959746,1285,4,bedside glucose,145.0,145,mg/dL,mg/dL,1285 +604450004,2597777,9016,1,calcium,8.7,8.7,mg/dL,mg/dL,9072 +604450003,2597777,9016,1,creatinine,1.2,1.2,mg/dL,mg/dL,9072 +604450005,2597777,9016,1,sodium,145.0,145,mmol/L,MEQ/L,9072 +604450002,2597777,9016,1,anion gap,9.0,9,,,9072 +604449189,2597777,1913,1,sodium,142.0,142,mmol/L,MEQ/L,1952 +604449190,2597777,1913,1,calcium,8.7,8.7,mg/dL,mg/dL,1952 +604449191,2597777,1913,1,anion gap,10.0,10,,,1952 +604449193,2597777,1913,1,chloride,103.0,103,mmol/L,MEQ/L,1952 +604450040,2597777,14853,1,anion gap,8.0,8,,,14889 +604449669,2597777,13413,1,creatinine,1.3,1.3,mg/dL,mg/dL,13486 +604449668,2597777,13413,1,alkaline phos.,71.0,71,Units/L,IU/L,13486 +604449667,2597777,13413,1,bicarbonate,38.0,38,mmol/L,MEQ/L,13486 +604450006,2597777,9016,1,potassium,3.5,3.5,mmol/L,MEQ/L,9072 +610257703,2597777,9016,3,-monos,6.0,6,%,%,9036 +604450035,2597777,14853,1,glucose,91.0,91,mg/dL,mg/dL,14889 +610257704,2597777,9016,3,-polys,80.0,80,%,%,9036 +604450036,2597777,14853,1,chloride,104.0,104,mmol/L,MEQ/L,14889 +610257230,2597777,13413,3,MPV,9.9,9.9,fL,fL,13467 +604450037,2597777,14853,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,14889 +610257817,2597777,14878,3,-lymphs,15.0,15,%,%,14889 +604450001,2597777,9016,1,AST (SGOT),17.0,17,Units/L,IU/L,9072 +610257816,2597777,14878,3,platelets x 1000,282.0,282,K/mcL,TH/uL,14889 +604449666,2597777,13413,1,glucose,76.0,76,mg/dL,mg/dL,13486 +610257815,2597777,14878,3,RBC,2.81,2.81,M/mcL,MIL/uL,14889 +610258049,2597777,10583,3,Hgb,8.9,8.9,g/dL,g/dL,10588 +610257814,2597777,14878,3,WBC x 1000,8.15,8.15,K/mcL,TH/uL,14889 +604449662,2597777,13413,1,BUN,50.0,50,mg/dL,mg/dL,13486 +610257813,2597777,14878,3,MCV,102.0,102,fL,fL,14889 +610257927,2597777,6300,3,MCV,101.0,101,fL,fL,6389 +610257977,2597777,4778,3,-lymphs,9.0,9,%,%,4857 +604449663,2597777,13413,1,AST (SGOT),17.0,17,Units/L,IU/L,13486 +610257705,2597777,9016,3,RBC,2.94,2.94,M/mcL,MIL/uL,9036 +604450210,2597777,488,1,sodium,139.0,139,mmol/L,MEQ/L,518 +610257629,2597777,1913,3,RBC,2.54,2.54,M/mcL,MIL/uL,1938 +604449665,2597777,13413,1,albumin,2.8,2.8,g/dL,g/dL,13486 +610257238,2597777,13413,3,-eos,7.0,7,%,%,13467 +610257926,2597777,6300,3,MCH,32.0,32,pg,pg,6389 +610257627,2597777,1913,3,Hct,25.0,25,%,%,1938 +604449661,2597777,13413,1,total protein,5.5,5.5,g/dL,g/dL,13486 +610257630,2597777,1913,3,Hgb,8.1,8.1,g/dL,g/dL,1938 +604450211,2597777,488,1,bicarbonate,27.0,27,mmol/L,MEQ/L,518 +610257706,2597777,9016,3,-eos,8.0,8,%,%,9036 +604449664,2597777,13413,1,ALT (SGPT),18.0,18,Units/L,IU/L,13486 +610257236,2597777,13413,3,platelets x 1000,312.0,312,K/mcL,TH/uL,13467 +610258006,2597777,488,3,Hct,25.0,25,%,%,504 +610257628,2597777,1913,3,platelets x 1000,320.0,320,K/mcL,TH/uL,1938 +604449192,2597777,1913,1,creatinine,1.2,1.2,mg/dL,mg/dL,1952 +610257707,2597777,9016,3,Hct,30.0,30,%,%,9036 +604450225,2597777,10583,1,potassium,4.4,4.4,mmol/L,MEQ/L,10653 +610256199,2597777,3343,3,MCHC,32.0,32,g/dL,%,3378 +604450034,2597777,14853,1,AST (SGOT),17.0,17,Units/L,IU/L,14889 +610257237,2597777,13413,3,MCV,102.0,102,fL,fL,13467 +608366148,2597777,6300,3,Hgb,9.5,9.5,g/dL,g/dL,6389 +610256205,2597777,3343,3,-monos,2.0,2,%,%,3378 +604450039,2597777,14853,1,sodium,147.0,147,mmol/L,MEQ/L,14889 +610257239,2597777,13413,3,-lymphs,7.0,7,%,%,13467 +610258005,2597777,488,3,MCV,96.0,96,fL,fL,504 +610256204,2597777,3343,3,RBC,2.56,2.56,M/mcL,MIL/uL,3378 +610257231,2597777,13413,3,WBC x 1000,9.44,9.44,K/mcL,TH/uL,13467 +608366150,2597777,6300,3,platelets x 1000,429.0,429,K/mcL,TH/uL,6389 +610256202,2597777,3343,3,MPV,9.9,9.9,fL,fL,3378 +611395746,2597777,8119,4,bedside glucose,126.0,126,mg/dL,mg/dL,8119 +610257232,2597777,13413,3,Hgb,9.1,9.1,g/dL,g/dL,13467 +604450038,2597777,14853,1,ALT (SGPT),17.0,17,Units/L,IU/L,14889 +610256201,2597777,3343,3,MCH,32.0,32,pg,pg,3378 +604450226,2597777,10583,1,glucose,94.0,94,mg/dL,mg/dL,10653 +610257241,2597777,13413,3,RBC,2.89,2.89,M/mcL,MIL/uL,13467 +607296298,2597777,14878,3,Hgb,8.8,8.8,g/dL,g/dL,14889 +610256206,2597777,3343,3,-polys,96.0,96,%,%,3378 +608366146,2597777,6300,3,RBC,3.0,3.00,M/mcL,MIL/uL,6389 +610257234,2597777,13413,3,RDW,16.1,16.1,%,%,13467 +605702778,2597777,9016,3,-lymphs,6.0,6,%,%,9036 +610256207,2597777,3343,3,-lymphs,2.0,2,%,%,3378 +610257770,2597777,7688,3,RBC,2.66,2.66,M/mcL,MIL/uL,7731 +599582761,2597777,10583,1,chloride,105.0,105,mmol/L,MEQ/L,10653 +607296297,2597777,14878,3,MPV,9.6,9.6,fL,fL,14889 +610257240,2597777,13413,3,MCH,32.0,32,pg,pg,13467 +608366145,2597777,6300,3,MCHC,31.0,31,g/dL,%,6389 +599582760,2597777,10583,1,creatinine,1.1,1.1,mg/dL,mg/dL,10653 +605702776,2597777,9016,3,platelets x 1000,369.0,369,K/mcL,TH/uL,9036 +610256203,2597777,3343,3,RDW,15.5,15.5,%,%,3378 +604450223,2597777,10583,1,AST (SGOT),16.0,16,Units/L,IU/L,10653 +599582762,2597777,10583,1,total protein,5.2,5.2,g/dL,g/dL,10653 +607296296,2597777,14878,3,RDW,16.0,16.0,%,%,14889 +610257233,2597777,13413,3,-monos,11.0,11,%,%,13467 +608366151,2597777,6300,3,-lymphs,6.0,6,%,%,6389 +599582759,2597777,10583,1,BUN,47.0,47,mg/dL,mg/dL,10653 +605702779,2597777,9016,3,MCH,31.0,31,pg,pg,9036 +610256200,2597777,3343,3,Hct,25.0,25,%,%,3378 +610257771,2597777,7688,3,RDW,16.0,16.0,%,%,7731 +599582763,2597777,10583,1,calcium,8.7,8.7,mg/dL,mg/dL,10653 +607296291,2597777,14878,3,-eos,8.0,8,%,%,14889 +610257235,2597777,13413,3,-polys,75.0,75,%,%,13467 +608366147,2597777,6300,3,-polys,89.0,89,%,%,6389 +599582764,2597777,10583,1,bicarbonate,35.0,35,mmol/L,MEQ/L,10653 +605702777,2597777,9016,3,MCHC,31.0,31,g/dL,%,9036 +610256209,2597777,3343,3,platelets x 1000,360.0,360,K/mcL,TH/uL,3378 +604450268,2597777,7688,1,albumin,2.5,2.5,g/dL,g/dL,7734 +599582757,2597777,10583,1,albumin,2.7,2.7,g/dL,g/dL,10653 +604676513,2597777,1913,3,-lymphs,6.0,6,%,%,1938 +610257709,2597777,9016,3,RDW,16.1,16.1,%,%,9036 +598413824,2597777,488,1,glucose,94.0,94,mg/dL,mg/dL,518 +608366152,2597777,6300,3,-eos,3.0,3,%,%,6389 +599582765,2597777,10583,1,alkaline phos.,67.0,67,Units/L,IU/L,10653 +598413827,2597777,488,1,potassium,3.9,3.9,mmol/L,MEQ/L,518 +607296292,2597777,14878,3,-monos,5.0,5,%,%,14889 +610256198,2597777,3343,3,Hgb,8.1,8.1,g/dL,g/dL,3378 +598413828,2597777,488,1,chloride,105.0,105,mmol/L,MEQ/L,518 +610257769,2597777,7688,3,-polys,80.0,80,%,%,7731 +599582758,2597777,10583,1,ALT (SGPT),19.0,19,Units/L,IU/L,10653 +598413825,2597777,488,1,anion gap,7.0,7,,,518 +604676514,2597777,1913,3,-monos,4.0,4,%,%,1938 +610257818,2597777,14878,3,-polys,72.0,72,%,%,14889 +598413823,2597777,488,1,calcium,8.3,8.3,mg/dL,mg/dL,518 +608366156,2597777,6300,3,Hct,30.0,30,%,%,6389 +599582767,2597777,10583,1,sodium,146.0,146,mmol/L,MEQ/L,10653 +598413829,2597777,488,1,BUN,21.0,21,mg/dL,mg/dL,518 +605702780,2597777,9016,3,WBC x 1000,11.87,11.87,K/mcL,TH/uL,9036 +610256208,2597777,3343,3,MCV,98.0,98,fL,fL,3378 +598313254,2597777,7688,1,magnesium,2.1,2.1,mg/dL,mg/dL,7740 +604450269,2597777,7688,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,7734 +599582766,2597777,10583,1,anion gap,5.0,5,,,10653 +611803354,2597777,14168,4,bedside glucose,204.0,204,mg/dL,mg/dL,14168 +604676511,2597777,1913,3,WBC x 1000,6.13,6.13,K/mcL,TH/uL,1938 +610257708,2597777,9016,3,Hgb,9.2,9.2,g/dL,g/dL,9036 +598413826,2597777,488,1,creatinine,1.3,1.3,mg/dL,mg/dL,518 +608366154,2597777,6300,3,MPV,9.9,9.9,fL,fL,6389 +606044100,2597777,7688,3,ESR,,95,mm/hr,mm/h,7760 +611841929,2597777,9856,4,bedside glucose,128.0,128,mg/dL,mg/dL,9856 +607296293,2597777,14878,3,Hct,29.0,29,%,%,14889 +603806977,2597777,14853,1,bicarbonate,36.0,36,mmol/L,MEQ/L,14889 +610257772,2597777,7688,3,MCV,100.0,100,fL,fL,7731 +603904756,2597777,9016,1,alkaline phos.,67.0,67,Units/L,IU/L,9072 +604676515,2597777,1913,3,RDW,15.8,15.8,%,%,1938 +603806978,2597777,14853,1,total protein,5.4,5.4,g/dL,g/dL,14889 +609479958,2597777,488,3,RBC,2.6,2.60,M/mcL,MIL/uL,504 +611659429,2597777,15074,4,bedside glucose,86.0,86,mg/dL,mg/dL,15074 +609479959,2597777,488,3,-eos,1.0,1,%,%,504 +603904755,2597777,9016,1,BUN,43.0,43,mg/dL,mg/dL,9072 +609479956,2597777,488,3,-lymphs,4.0,4,%,%,504 +605702781,2597777,9016,3,MCV,101.0,101,fL,fL,9036 +609479957,2597777,488,3,MPV,9.5,9.5,fL,fL,504 +603904757,2597777,9016,1,chloride,104.0,104,mmol/L,MEQ/L,9072 +609479960,2597777,488,3,platelets x 1000,297.0,297,K/mcL,TH/uL,504 +608366153,2597777,6300,3,RDW,16.0,16.0,%,%,6389 +609284492,2597777,10583,3,-eos,10.0,10,%,%,10588 +603904758,2597777,9016,1,total protein,5.3,5.3,g/dL,g/dL,9072 +609284491,2597777,10583,3,MCH,32.0,32,pg,pg,10588 +604676508,2597777,1913,3,MPV,9.7,9.7,fL,fL,1938 +609284493,2597777,10583,3,MCV,103.0,103,fL,fL,10588 +603904754,2597777,9016,1,bicarbonate,33.0,33,mmol/L,MEQ/L,9072 +609284488,2597777,10583,3,MCHC,31.0,31,g/dL,%,10588 +611815010,2597777,17966,4,bedside glucose,66.0,66,mg/dL,mg/dL,17966 +609284489,2597777,10583,3,platelets x 1000,325.0,325,K/mcL,TH/uL,10588 +603806979,2597777,14853,1,potassium,4.1,4.1,mmol/L,MEQ/L,14889 +609284490,2597777,10583,3,Hct,29.0,29,%,%,10588 +607296294,2597777,14878,3,MCHC,31.0,31,g/dL,%,14889 +609284494,2597777,10583,3,RBC,2.8,2.80,M/mcL,MIL/uL,10588 +603904760,2597777,9016,1,glucose,122.0,122,mg/dL,mg/dL,9072 +609479963,2597777,488,3,MCHC,32.0,32,g/dL,%,504 +604450224,2597777,10583,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,10653 +609479964,2597777,488,3,WBC x 1000,16.0,16.00,K/mcL,TH/uL,504 +603806981,2597777,14853,1,creatinine,1.2,1.2,mg/dL,mg/dL,14889 +609479965,2597777,488,3,-polys,85.0,85,%,%,504 +604676509,2597777,1913,3,MCHC,33.0,33,g/dL,%,1938 +609479966,2597777,488,3,-monos,9.0,9,%,%,504 +603806982,2597777,14853,1,calcium,8.8,8.8,mg/dL,mg/dL,14889 +609284487,2597777,10583,3,RDW,16.2,16.2,%,%,10588 +611294159,2597777,12985,4,bedside glucose,144.0,144,mg/dL,mg/dL,12985 +608706937,2597777,7688,3,platelets x 1000,342.0,342,K/mcL,TH/uL,7731 +603806980,2597777,14853,1,BUN,48.0,48,mg/dL,mg/dL,14889 +609479967,2597777,488,3,Hgb,8.1,8.1,g/dL,g/dL,504 +605702775,2597777,9016,3,MPV,9.6,9.6,fL,fL,9036 +608706945,2597777,7688,3,-eos,7.0,7,%,%,7731 +618535218,2597777,6353,7,Vent Rate,28.0,28,/min,bpm,6375 +609284495,2597777,10583,3,-lymphs,6.0,6,%,%,10588 +608366155,2597777,6300,3,WBC x 1000,13.85,13.85,K/mcL,TH/uL,6389 +608706944,2597777,7688,3,-lymphs,10.0,10,%,%,7731 +603806983,2597777,14853,1,alkaline phos.,71.0,71,Units/L,IU/L,14889 +609284498,2597777,10583,3,MPV,9.7,9.7,fL,fL,10588 +604676510,2597777,1913,3,MCH,32.0,32,pg,pg,1938 +608706943,2597777,7688,3,MCH,32.0,32,pg,pg,7731 +618535219,2597777,6353,7,HCO3,31.3,31.3,mmol/L,MEQ/L,6375 +609284499,2597777,10583,3,-polys,76.0,76,%,%,10588 +612051703,2597777,1699,4,bedside glucose,260.0,260,mg/dL,mg/dL,1699 +610877518,2597777,16525,4,bedside glucose,84.0,84,mg/dL,mg/dL,16525 +603806984,2597777,14853,1,albumin,2.8,2.8,g/dL,g/dL,14889 +608706942,2597777,7688,3,MPV,9.5,9.5,fL,fL,7731 +607296295,2597777,14878,3,MCH,31.0,31,pg,pg,14889 +611074095,2597777,2043,4,bedside glucose,157.0,157,mg/dL,mg/dL,2043 +618535221,2597777,6353,7,paCO2,45.0,45,mm Hg,mm Hg,6375 +609479962,2597777,488,3,RDW,15.8,15.8,%,%,504 +610257768,2597777,7688,3,MCHC,32.0,32,g/dL,%,7731 +612030099,2597777,3839,4,bedside glucose,173.0,173,mg/dL,mg/dL,3839 +603904761,2597777,9016,1,ALT (SGPT),15.0,15,Units/L,IU/L,9072 +610772182,2597777,4992,4,bedside glucose,103.0,103,mg/dL,mg/dL,4992 +604676512,2597777,1913,3,MCV,98.0,98,fL,fL,1938 +608706940,2597777,7688,3,Hgb,8.4,8.4,g/dL,g/dL,7731 +618535222,2597777,6353,7,paO2,103.0,103,mm Hg,mm Hg,6375 +617133902,2597777,933,7,paO2,94.0,94,mm Hg,mm Hg,947 +611667492,2597777,11520,4,bedside glucose,139.0,139,mg/dL,mg/dL,11520 +611705195,2597777,15573,4,bedside glucose,145.0,145,mg/dL,mg/dL,15573 +603904753,2597777,9016,1,albumin,2.8,2.8,g/dL,g/dL,9072 +609284496,2597777,10583,3,-monos,8.0,8,%,%,10588 +605098788,2597777,3343,3,WBC x 1000,13.09,13.09,K/mcL,TH/uL,3378 +609473630,2597777,4778,3,MCH,32.0,32,pg,pg,4857 +618535224,2597777,6353,7,pH,7.45,7.45,,units,6375 +617133897,2597777,933,7,Base Excess,4.2,4.2,mEq/L,MEQ/L,947 +608366149,2597777,6300,3,-monos,3.0,3,%,%,6389 +609473631,2597777,4778,3,MCV,98.0,98,fL,fL,4857 +603904759,2597777,9016,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,9072 +611466989,2597777,9316,4,bedside glucose,90.0,90,mg/dL,mg/dL,9316 +604676507,2597777,1913,3,-polys,90.0,90,%,%,1938 +610586735,2597777,11015,4,bedside glucose,136.0,136,mg/dL,mg/dL,11015 +618535223,2597777,6353,7,Base Excess,6.4,6.4,mEq/L,MEQ/L,6375 +611087975,2597777,10320,4,bedside glucose,103.0,103,mg/dL,mg/dL,10320 +609473634,2597777,4778,3,-polys,89.0,89,%,%,4857 +603861194,2597777,7688,1,bicarbonate,34.0,34,mmol/L,MEQ/L,7734 +608706938,2597777,7688,3,Hct,27.0,27,%,%,7731 +603861204,2597777,7688,1,ALT (SGPT),22.0,22,Units/L,IU/L,7734 +611009760,2597777,18196,4,bedside glucose,109.0,109,mg/dL,mg/dL,18196 +603861199,2597777,7688,1,sodium,144.0,144,mmol/L,MEQ/L,7734 +609473633,2597777,4778,3,MCHC,33.0,33,g/dL,%,4857 +603861202,2597777,7688,1,potassium,3.7,3.7,mmol/L,MEQ/L,7734 +612071038,2597777,2381,4,bedside glucose,207.0,207,mg/dL,mg/dL,2381 +603861197,2597777,7688,1,calcium,8.6,8.6,mg/dL,mg/dL,7734 +610673214,2597777,13857,4,bedside glucose,150.0,150,mg/dL,mg/dL,13857 +603861198,2597777,7688,1,glucose,81.0,81,mg/dL,mg/dL,7734 +609473632,2597777,4778,3,Hgb,8.2,8.2,g/dL,g/dL,4857 +603861193,2597777,7688,1,BUN,45.0,45,mg/dL,mg/dL,7734 +611783798,2597777,16974,4,bedside glucose,125.0,125,mg/dL,mg/dL,16974 +603861201,2597777,7688,1,creatinine,1.1,1.1,mg/dL,mg/dL,7734 +610975612,2597777,4194,4,bedside glucose,260.0,260,mg/dL,mg/dL,4194 +603861195,2597777,7688,1,anion gap,5.0,5,,,7734 +609473627,2597777,4778,3,MPV,10.0,10.0,fL,fL,4857 +603861203,2597777,7688,1,chloride,105.0,105,mmol/L,MEQ/L,7734 +609479961,2597777,488,3,MCH,31.0,31,pg,pg,504 +603861205,2597777,7688,1,AST (SGOT),14.0,14,Units/L,IU/L,7734 +611234573,2597777,16742,4,bedside glucose,95.0,95,mg/dL,mg/dL,16742 +603861200,2597777,7688,1,total protein,4.8,4.8,g/dL,g/dL,7734 +609473628,2597777,4778,3,Hct,25.0,25,%,%,4857 +603861196,2597777,7688,1,alkaline phos.,61.0,61,Units/L,IU/L,7734 +617133898,2597777,933,7,LPM O2,15.0,15.00,L/min,L/min,947 +610592677,2597777,10678,4,bedside glucose,105.0,105,mg/dL,mg/dL,10678 +611369105,2597777,12796,4,bedside glucose,180.0,180,mg/dL,mg/dL,12796 +603415378,2597777,10583,1,phosphate,3.4,3.4,mg/dL,mg/dL,10695 +609473629,2597777,4778,3,-monos,3.0,3,%,%,4857 +599745702,2597777,4778,1,anion gap,9.0,9,,,4889 +610499571,2597777,12179,4,bedside glucose,118.0,118,mg/dL,mg/dL,12179 +599745701,2597777,4778,1,BUN,56.0,56,mg/dL,mg/dL,4889 +610630197,2597777,8674,4,bedside glucose,150.0,150,mg/dL,mg/dL,8674 +602288042,2597777,10583,1,magnesium,2.3,2.3,mg/dL,mg/dL,10695 +609473626,2597777,4778,3,RDW,15.7,15.7,%,%,4857 +599745700,2597777,4778,1,creatinine,1.2,1.2,mg/dL,mg/dL,4889 +608706939,2597777,7688,3,WBC x 1000,9.74,9.74,K/mcL,TH/uL,7731 +602135797,2597777,6300,1,glucose,85.0,85,mg/dL,mg/dL,6382 +604589924,2597777,5568,2,Vancomycin - trough,11.0,11,mcg/mL,ug/mL,5604 +599745699,2597777,4778,1,calcium,8.9,8.9,mg/dL,mg/dL,4889 +609473625,2597777,4778,3,WBC x 1000,13.02,13.02,K/mcL,TH/uL,4857 +602135794,2597777,6300,1,creatinine,1.3,1.3,mg/dL,mg/dL,6382 +617133896,2597777,933,7,paCO2,40.0,40,mm Hg,mm Hg,947 +599745698,2597777,4778,1,chloride,105.0,105,mmol/L,MEQ/L,4889 +610966830,2597777,9558,4,bedside glucose,198.0,198,mg/dL,mg/dL,9558 +602135798,2597777,6300,1,BUN,50.0,50,mg/dL,mg/dL,6382 +611379667,2597777,3083,4,bedside glucose,128.0,128,mg/dL,mg/dL,3083 +599745697,2597777,4778,1,sodium,143.0,143,mmol/L,MEQ/L,4889 +600676235,2597777,1013,1,potassium,4.4,4.4,mmol/L,MEQ/L,1109 +602135796,2597777,6300,1,calcium,8.9,8.9,mg/dL,mg/dL,6382 +611260883,2597777,11321,4,bedside glucose,165.0,165,mg/dL,mg/dL,11321 +600732911,2597777,13413,1,sodium,149.0,149,mmol/L,MEQ/L,13486 +609473623,2597777,4778,3,RBC,2.56,2.56,M/mcL,MIL/uL,4857 +599745696,2597777,4778,1,bicarbonate,30.0,30,mmol/L,MEQ/L,4889 +609284497,2597777,10583,3,WBC x 1000,10.45,10.45,K/mcL,TH/uL,10588 +600774319,2597777,1913,1,glucose,157.0,157,mg/dL,mg/dL,1952 +610676456,2597777,7223,4,bedside glucose,109.0,109,mg/dL,mg/dL,7223 +602135793,2597777,6300,1,potassium,4.1,4.1,mmol/L,MEQ/L,6382 +611287037,2597777,238,4,bedside glucose,115.0,115,mg/dL,mg/dL,238 +600774321,2597777,1913,1,bicarbonate,29.0,29,mmol/L,MEQ/L,1952 +617133901,2597777,933,7,pH,7.46,7.46,,units,947 +599745695,2597777,4778,1,glucose,80.0,80,mg/dL,mg/dL,4889 +611695238,2597777,5655,4,bedside glucose,165.0,165,mg/dL,mg/dL,5655 +600774320,2597777,1913,1,BUN,34.0,34,mg/dL,mg/dL,1952 +608656310,2597777,13413,3,Hct,30.0,30,%,%,13467 +602135790,2597777,6300,1,bicarbonate,31.0,31,mmol/L,MEQ/L,6382 +611357092,2597777,13629,4,bedside glucose,143.0,143,mg/dL,mg/dL,13629 +600732908,2597777,13413,1,chloride,106.0,106,mmol/L,MEQ/L,13486 +610396328,2597777,12448,4,bedside glucose,138.0,138,mg/dL,mg/dL,12448 +611864910,2597777,7439,4,bedside glucose,99.0,99,mg/dL,mg/dL,7439 +609473624,2597777,4778,3,platelets x 1000,324.0,324,K/mcL,TH/uL,4857 +600732907,2597777,13413,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,13486 +608706941,2597777,7688,3,-monos,2.0,2,%,%,7731 +602059012,2597777,7688,1,phosphate,4.5,4.5,mg/dL,mg/dL,7740 +618853704,2597777,933,7,HCO3,28.4,28.4,mmol/L,MEQ/L,947 +600732909,2597777,13413,1,potassium,4.1,4.1,mmol/L,MEQ/L,13486 +608656309,2597777,13413,3,MCHC,31.0,31,g/dL,%,13467 +599745694,2597777,4778,1,potassium,3.8,3.8,mmol/L,MEQ/L,4889 +611427914,2597777,3464,4,bedside glucose,158.0,158,mg/dL,mg/dL,3464 +610938726,2597777,1013,4,bedside glucose,132.0,132,mg/dL,mg/dL,1013 +611818110,2597777,14370,4,bedside glucose,130.0,130,mg/dL,mg/dL,14370 +600732910,2597777,13413,1,calcium,8.9,8.9,mg/dL,mg/dL,13486 +601780522,2597777,7688,1,prealbumin,19.5,19.5,mg/dL,mg/dL,7740 +602135792,2597777,6300,1,anion gap,11.0,11,,,6382 +600396074,2597777,3343,1,chloride,103.0,103,mmol/L,MEQ/L,3387 +610731556,2597777,6775,4,bedside glucose,130.0,130,mg/dL,mg/dL,6775 +600396075,2597777,3343,1,potassium,4.0,4.0,mmol/L,MEQ/L,3387 +600774322,2597777,1913,1,potassium,3.8,3.8,mmol/L,MEQ/L,1952 +600396080,2597777,3343,1,bicarbonate,29.0,29,mmol/L,MEQ/L,3387 +612065271,2597777,5294,4,bedside glucose,171.0,171,mg/dL,mg/dL,5294 +600396078,2597777,3343,1,BUN,45.0,45,mg/dL,mg/dL,3387 +610925347,2597777,10081,4,bedside glucose,118.0,118,mg/dL,mg/dL,10081 +600396072,2597777,3343,1,calcium,8.9,8.9,mg/dL,mg/dL,3387 +602135795,2597777,6300,1,chloride,103.0,103,mmol/L,MEQ/L,6382 +600396079,2597777,3343,1,glucose,147.0,147,mg/dL,mg/dL,3387 +610837511,2597777,15903,4,bedside glucose,162.0,162,mg/dL,mg/dL,15903 +600396076,2597777,3343,1,anion gap,10.0,10,,,3387 +599588535,2597777,1913,1,magnesium,1.9,1.9,mg/dL,mg/dL,2010 +600396077,2597777,3343,1,sodium,143.0,143,mmol/L,MEQ/L,3387 +610890778,2597777,17326,4,bedside glucose,130.0,130,mg/dL,mg/dL,17326 +600396073,2597777,3343,1,creatinine,1.2,1.2,mg/dL,mg/dL,3387 +602135791,2597777,6300,1,sodium,145.0,145,mmol/L,MEQ/L,6382 +611794183,2597777,4595,4,bedside glucose,137.0,137,mg/dL,mg/dL,4595 +611760793,2597777,15334,4,bedside glucose,107.0,107,mg/dL,mg/dL,15334 +610836918,2597777,8575,4,bedside glucose,188.0,188,mg/dL,mg/dL,8575 +604449660,2597777,13413,1,anion gap,6.0,6,,,13486 +653852253,2886662,2262,3,-monos,11.0,11,%,%,2331 +653852249,2886662,2262,3,RDW,12.8,12.8,%,%,2331 +653852250,2886662,2262,3,platelets x 1000,332.0,332,K/mcL,K/uL,2331 +672127814,2886662,64,4,bedside glucose,275.0,275,mg/dL,mg/dL,69 +653852251,2886662,2262,3,-polys,64.0,64,%,%,2331 +672466393,2886662,1448,4,bedside glucose,169.0,169,mg/dL,mg/dL,1450 +653852254,2886662,2262,3,-eos,3.0,3,%,%,2331 +672672127,2886662,-101,4,bedside glucose,450.0,450,mg/dL,mg/dL,-100 +653852252,2886662,2262,3,-lymphs,22.0,22,%,%,2331 +644326378,2886662,1212,1,anion gap,11.0,11,,mmol/L,1246 +653852246,2886662,2262,3,MCV,77.0,77,fL,fL,2331 +644326376,2886662,1212,1,potassium,3.5,3.5,mmol/L,mmol/L,1246 +653852245,2886662,2262,3,Hct,35.4,35.4,%,%,2331 +644326377,2886662,1212,1,creatinine,2.98,2.98,mg/dL,mg/dL,1246 +653852243,2886662,2262,3,RBC,4.63,4.63,M/mcL,M/uL,2331 +644326382,2886662,1212,1,glucose,192.0,192,mg/dL,mg/dL,1246 +653852247,2886662,2262,3,MCH,25.7,25.7,pg,pg,2331 +644326379,2886662,1212,1,sodium,137.0,137,mmol/L,mmol/L,1246 +653852244,2886662,2262,3,Hgb,11.9,11.9,g/dL,g/dL,2331 +644326380,2886662,1212,1,bicarbonate,24.0,24,mmol/L,mmol/L,1246 +653852242,2886662,2262,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,2331 +642257071,2886662,-103,1,creatinine,3.8,3.80,mg/dL,mg/dL,-74 +644326381,2886662,1212,1,calcium,8.7,8.7,mg/dL,mg/dL,1246 +642257072,2886662,-103,1,anion gap,16.0,16,,mmol/L,-74 +653852248,2886662,2262,3,MCHC,33.6,33.6,g/dL,g/dL,2331 +642257073,2886662,-103,1,sodium,137.0,137,mmol/L,mmol/L,-74 +644326383,2886662,1212,1,chloride,102.0,102,mmol/L,mmol/L,1246 +642257077,2886662,-103,1,chloride,102.0,102,mmol/L,mmol/L,-74 +653852255,2886662,2262,3,-basos,0.0,0,%,%,2331 +642257078,2886662,-103,1,BUN,58.0,58,mg/dL,mg/dL,-74 +642818816,2886662,177,1,phosphate,3.5,3.5,mg/dL,mg/dL,224 +660098855,2886662,-233,3,PT - INR,0.9,0.9,ratio,,-210 +673042827,2886662,269,4,bedside glucose,198.0,198,mg/dL,mg/dL,271 +642257074,2886662,-103,1,bicarbonate,19.0,19,mmol/L,mmol/L,-74 +626484232,2886662,702,1,glucose,162.0,162,mg/dL,mg/dL,809 +644321841,2886662,-233,1,magnesium,1.7,1.7,mg/dL,mg/dL,-187 +635401110,2886662,177,1,glucose,278.0,278,mg/dL,mg/dL,224 +672635725,2886662,657,4,bedside glucose,232.0,232,mg/dL,mg/dL,674 +626484229,2886662,702,1,sodium,143.0,143,mmol/L,mmol/L,809 +644326384,2886662,1212,1,BUN,39.0,39,mg/dL,mg/dL,1246 +635401107,2886662,177,1,sodium,138.0,138,mmol/L,mmol/L,224 +673979176,2886662,-223,4,urinary specific gravity,1.01,1.010,,,-199 +626484228,2886662,702,1,anion gap,10.0,10,,mmol/L,809 +642257076,2886662,-103,1,glucose,544.0,544,mg/dL,mg/dL,-74 +664256515,2886662,702,3,Hgb,14.5,14.5,g/dL,g/dL,754 +635401104,2886662,177,1,potassium,3.8,3.8,mmol/L,mmol/L,224 +664256516,2886662,702,3,WBC x 1000,9.9,9.9,K/mcL,K/uL,754 +673557157,2886662,1813,4,bedside glucose,,>600,mg/dL,mg/dL,2020 +664256517,2886662,702,3,RDW,12.8,12.8,%,%,754 +626484231,2886662,702,1,calcium,8.3,8.3,mg/dL,mg/dL,809 +664256518,2886662,702,3,MCH,32.7,32.7,pg,pg,754 +673346516,2886662,2605,4,bedside glucose,273.0,273,mg/dL,mg/dL,2610 +640221543,2886662,-233,1,potassium,7.9,7.9,mmol/L,mmol/L,-187 +635401109,2886662,177,1,calcium,8.5,8.5,mg/dL,mg/dL,224 +664256513,2886662,702,3,-eos,0.0,0,%,%,754 +672509475,2886662,1823,4,bedside glucose,209.0,209,mg/dL,mg/dL,2020 +640221546,2886662,-233,1,sodium,124.0,124,mmol/L,mmol/L,-187 +626484230,2886662,702,1,bicarbonate,27.0,27,mmol/L,mmol/L,809 +664256514,2886662,702,3,MCV,92.0,92,fL,fL,754 +671587072,2886662,930,4,bedside glucose,232.0,232,mg/dL,mg/dL,999 +640221547,2886662,-233,1,bicarbonate,21.0,21,mmol/L,mmol/L,-187 +635401108,2886662,177,1,bicarbonate,24.0,24,mmol/L,mmol/L,224 +664256520,2886662,702,3,MCHC,35.5,35.5,g/dL,g/dL,754 +673979175,2886662,-223,4,WBC's in urine,8.0,8,,/(hpf),-199 +640221545,2886662,-233,1,anion gap,14.0,14,,mmol/L,-187 +626484233,2886662,702,1,chloride,106.0,106,mmol/L,mmol/L,809 +664256511,2886662,702,3,-polys,76.0,76,%,%,754 +642257070,2886662,-103,1,potassium,3.9,3.9,mmol/L,mmol/L,-74 +640221551,2886662,-233,1,BUN,63.0,63,mg/dL,mg/dL,-187 +661060441,2886662,-233,3,-basos,0.0,0,%,%,-220 +635401105,2886662,177,1,creatinine,3.53,3.53,mg/dL,mg/dL,224 +664256510,2886662,702,3,-basos,0.0,0,%,%,754 +661060439,2886662,-233,3,-lymphs,6.0,6,%,%,-220 +674018823,2886662,1202,4,bedside glucose,173.0,173,mg/dL,mg/dL,1203 +640221549,2886662,-233,1,glucose,802.0,802,mg/dL,mg/dL,-182 +661060440,2886662,-233,3,RBC,4.72,4.72,M/mcL,M/uL,-220 +626484226,2886662,702,1,potassium,4.2,4.2,mmol/L,mmol/L,809 +664256509,2886662,702,3,RBC,4.43,4.43,M/mcL,M/uL,754 +661060442,2886662,-233,3,-polys,91.0,91,%,%,-220 +626900709,2886662,177,1,magnesium,2.4,2.4,mg/dL,mg/dL,224 +640221550,2886662,-233,1,chloride,89.0,89,mmol/L,mmol/L,-187 +661060451,2886662,-233,3,MCHC,33.1,33.1,g/dL,g/dL,-220 +635401111,2886662,177,1,chloride,103.0,103,mmol/L,mmol/L,224 +664256519,2886662,702,3,-monos,7.0,7,%,%,754 +661060450,2886662,-233,3,-monos,3.0,3,%,%,-220 +671437958,2886662,509,4,bedside glucose,225.0,225,mg/dL,mg/dL,511 +640221544,2886662,-233,1,creatinine,4.11,4.11,mg/dL,mg/dL,-187 +661060452,2886662,-233,3,platelets x 1000,304.0,304,K/mcL,K/uL,-220 +626484234,2886662,702,1,BUN,10.0,10,mg/dL,mg/dL,809 +664256521,2886662,702,3,platelets x 1000,152.0,152,K/mcL,K/uL,754 +661060449,2886662,-233,3,MCH,26.1,26.1,pg,pg,-220 +660098854,2886662,-233,3,PT,11.9,11.9,sec,sec,-210 +640221548,2886662,-233,1,calcium,9.0,9.0,mg/dL,mg/dL,-187 +661060446,2886662,-233,3,Hgb,12.3,12.3,g/dL,g/dL,-220 +635401106,2886662,177,1,anion gap,11.0,11,,mmol/L,224 +664256512,2886662,702,3,Hct,40.8,40.8,%,%,754 +661060448,2886662,-233,3,RDW,13.2,13.2,%,%,-220 +673838787,2886662,387,4,bedside glucose,283.0,283,mg/dL,mg/dL,401 +627753821,2886662,702,1,magnesium,1.8,1.8,mg/dL,mg/dL,809 +661060444,2886662,-233,3,-eos,0.0,0,%,%,-220 +626484227,2886662,702,1,creatinine,0.85,0.85,mg/dL,mg/dL,809 +673254374,2886662,-264,4,bedside glucose,,>600,mg/dL,mg/dL,-261 +708817696,2886662,-63,7,Base Deficit,5.2,5.2,mEq/L,mmol/L,-46 +642257075,2886662,-103,1,calcium,8.3,8.3,mg/dL,mg/dL,-74 +671769476,2886662,571,4,bedside glucose,194.0,194,mg/dL,mg/dL,581 +661060447,2886662,-233,3,WBC x 1000,16.0,16.0,K/mcL,K/uL,-220 +635401112,2886662,177,1,BUN,53.0,53,mg/dL,mg/dL,224 +664256508,2886662,702,3,-lymphs,17.0,17,%,%,754 +708817698,2886662,-63,7,Temperature,37.0,37.0,°C,Deg C,-46 +672749802,2886662,1804,4,bedside glucose,66.0,66,mg/dL,mg/dL,2020 +629517293,2886662,2017,1,glucose,474.0,474,mg/dL,mg/dL,2102 +661060445,2886662,-233,3,MCV,79.0,79,fL,fL,-220 +636225110,2886662,-233,1,troponin - I,,<0.04,ng/mL,ng/mL,-187 +672136933,2886662,1667,4,bedside glucose,259.0,259,mg/dL,mg/dL,2235 +674162313,2886662,118,4,bedside glucose,223.0,223,mg/dL,mg/dL,124 +626944554,2886662,2262,1,bicarbonate,24.0,24,mmol/L,mmol/L,2293 +708817695,2886662,-63,7,HCO3,20.2,20.2,mmol/L,mmol/L,-46 +626944551,2886662,2262,1,sodium,138.0,138,mmol/L,mmol/L,2293 +671730400,2886662,791,4,bedside glucose,203.0,203,mg/dL,mg/dL,821 +626944552,2886662,2262,1,potassium,3.8,3.8,mmol/L,mmol/L,2293 +647344404,2886662,-223,1,phosphate,5.3,5.3,mg/dL,mg/dL,-83 +626944555,2886662,2262,1,anion gap,10.0,10,,mmol/L,2293 +661060443,2886662,-233,3,Hct,37.2,37.2,%,%,-220 +626944553,2886662,2262,1,chloride,104.0,104,mmol/L,mmol/L,2293 +674314262,2886662,2016,4,bedside glucose,404.0,404,mg/dL,mg/dL,2020 +626944556,2886662,2262,1,glucose,229.0,229,mg/dL,mg/dL,2293 +674414380,2886662,6,4,bedside glucose,326.0,326,mg/dL,mg/dL,7 +626944557,2886662,2262,1,BUN,34.0,34,mg/dL,mg/dL,2293 +674363454,2886662,447,4,bedside glucose,273.0,273,mg/dL,mg/dL,466 +626944558,2886662,2262,1,creatinine,3.01,3.01,mg/dL,mg/dL,2293 +671277222,2886662,1788,4,bedside glucose,45.0,45,mg/dL,mg/dL,2020 +670772501,2886662,2291,4,bedside glucose,187.0,187,mg/dL,mg/dL,2296 +708817697,2886662,-63,7,O2 Sat (%),75.0,75,%,%,-46 +626944559,2886662,2262,1,calcium,8.6,8.6,mg/dL,mg/dL,2293 +674042322,2886662,345,4,bedside glucose,288.0,288,mg/dL,mg/dL,347 +671150527,2886662,206,4,bedside glucose,189.0,189,mg/dL,mg/dL,208 +549093668,2492811,7204,1,calcium,8.6,8.6,mg/dL,mg/dL,7204 +549093664,2492811,7204,1,albumin,2.8,2.8,g/dL,g/dL,7204 +549093663,2492811,7204,1,magnesium,2.2,2.2,mg/dL,mg/dL,7204 +549093665,2492811,7204,1,triglycerides,57.0,57,mg/dL,mg/dL,7204 +549093666,2492811,7204,1,bicarbonate,38.0,38,mmol/L,mmol/L,7204 +549093661,2492811,7204,1,AST (SGOT),25.0,25,Units/L,U/L,7204 +549093659,2492811,7204,1,alkaline phos.,42.0,42,Units/L,U/L,7204 +549093667,2492811,7204,1,total protein,6.2,6.2,g/dL,g/dL,7204 +546022609,2492811,3704,1,chloride,103.0,103,mmol/L,mmol/L,3704 +549093660,2492811,7204,1,anion gap,5.0,5,,mmol/L,7204 +546022608,2492811,3704,1,glucose,121.0,121,mg/dL,mg/dL,3704 +549093669,2492811,7204,1,total cholesterol,190.0,190,mg/dL,mg/dL,7204 +546022610,2492811,3704,1,BUN,13.0,13,mg/dL,mg/dL,3704 +549093662,2492811,7204,1,sodium,142.0,142,mmol/L,mmol/L,7204 +546022607,2492811,3704,1,calcium,8.6,8.6,mg/dL,mg/dL,3704 +561901797,2492811,3704,3,MCHC,32.2,32.2,g/dL,g/dL,3704 +546022602,2492811,3704,1,potassium,3.9,3.9,mmol/L,mmol/L,3704 +549093672,2492811,7204,1,ALT (SGPT),53.0,53,Units/L,U/L,7204 +546022604,2492811,3704,1,anion gap,1.0,1,,mmol/L,3704 +561901798,2492811,3704,3,platelets x 1000,176.0,176,K/mcL,K/uL,3704 +546022605,2492811,3704,1,sodium,145.0,145,mmol/L,mmol/L,3704 +549093673,2492811,7204,1,glucose,140.0,140,mg/dL,mg/dL,7204 +564439557,2492811,472,4,bedside glucose,134.0,134,mg/dL,mg/dL,472 +546022606,2492811,3704,1,bicarbonate,41.0,41,mmol/L,mmol/L,3704 +561901680,2492811,3704,3,Hgb,13.5,13.5,g/dL,g/dL,3704 +564202725,2492811,9051,4,bedside glucose,118.0,118,mg/dL,mg/dL,9051 +546022603,2492811,3704,1,creatinine,0.63,0.63,mg/dL,mg/dL,3704 +582795904,2492811,4587,7,HCO3,35.0,35,mmol/L,mmol/L,4587 +548062403,2492811,864,1,BUN,9.0,9,mg/dL,mg/dL,864 +561901676,2492811,3704,3,-polys,89.0,89,%,%,3704 +548062395,2492811,864,1,sodium,145.0,145,mmol/L,mmol/L,864 +549093656,2492811,7204,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,7204 +548062394,2492811,864,1,AST (SGOT),70.0,70,Units/L,U/L,864 +561901679,2492811,3704,3,MCV,95.9,95.9,fL,fL,3704 +548062396,2492811,864,1,albumin,2.9,2.9,g/dL,g/dL,864 +582795906,2492811,4587,7,paO2,123.0,123,mm Hg,mm Hg,4587 +548062402,2492811,864,1,chloride,109.0,109,mmol/L,mmol/L,864 +561901677,2492811,3704,3,Hct,42.0,42.0,%,%,3704 +584379477,2492811,2668,7,Base Excess,8.1,8.1,mEq/L,mmol/L,2668 +549093675,2492811,7204,1,BUN,19.0,19,mg/dL,mg/dL,7204 +548062397,2492811,864,1,bicarbonate,34.0,34,mmol/L,mmol/L,864 +561901681,2492811,3704,3,WBC x 1000,7.4,7.4,K/mcL,K/uL,3704 +584379476,2492811,2668,7,O2 Sat (%),86.0,86,%,%,2668 +582795905,2492811,4587,7,FiO2,45.0,45.0,%,%,4587 +548062401,2492811,864,1,glucose,127.0,127,mg/dL,mg/dL,864 +561901678,2492811,3704,3,-eos,0.0,0,%,%,3704 +584379475,2492811,2668,7,pH,7.38,7.38,,,2668 +549093657,2492811,7204,1,potassium,3.4,3.4,mmol/L,mmol/L,7204 +548062400,2492811,864,1,ALT (SGPT),90.0,90,Units/L,U/L,864 +561901682,2492811,3704,3,RDW,13.9,13.9,%,%,3704 +584379472,2492811,2668,7,HCO3,36.0,36,mmol/L,mmol/L,2668 +582795910,2492811,4587,7,Base Excess,7.6,7.6,mEq/L,mmol/L,4587 +548062392,2492811,864,1,alkaline phos.,57.0,57,Units/L,U/L,864 +561901795,2492811,3704,3,MCH,30.9,30.9,pg,pg,3704 +584379473,2492811,2668,7,paO2,45.0,45,mm Hg,mm Hg,2668 +549093674,2492811,7204,1,chloride,99.0,99,mmol/L,mmol/L,7204 +548062393,2492811,864,1,anion gap,2.0,2,,mmol/L,864 +550370182,2492811,3476,2,Gentamicin - random,2.1,2.1,mcg/mL,ug/mL,3476 +584379474,2492811,2668,7,paCO2,60.0,60,mm Hg,mm Hg,2668 +582795908,2492811,4587,7,pH,7.39,7.39,,,4587 +565585140,2492811,3270,4,bedside glucose,181.0,181,mg/dL,mg/dL,3270 +582582834,2492811,2892,7,O2 Sat (%),96.0,96,%,%,2892 +548062398,2492811,864,1,total protein,6.1,6.1,g/dL,g/dL,864 +549093658,2492811,7204,1,creatinine,0.57,0.57,mg/dL,mg/dL,7204 +548968131,2492811,5176,1,creatinine,0.59,0.59,mg/dL,mg/dL,5176 +561901674,2492811,3704,3,RBC,4.38,4.38,M/mcL,M/uL,3704 +548062399,2492811,864,1,calcium,8.1,8.1,mg/dL,mg/dL,864 +565626896,2492811,7010,4,bedside glucose,147.0,147,mg/dL,mg/dL,7010 +565491290,2492811,4812,4,bedside glucose,122.0,122,mg/dL,mg/dL,4812 +582582831,2492811,2892,7,paO2,68.0,68,mm Hg,mm Hg,2892 +565314574,2492811,4484,4,bedside glucose,118.0,118,mg/dL,mg/dL,4484 +582795909,2492811,4587,7,O2 Sat (%),99.0,99,%,%,4587 +565949723,2492811,6741,4,bedside glucose,157.0,157,mg/dL,mg/dL,6741 +550370186,2492811,589,2,Gentamicin - random,2.4,2.4,mcg/mL,ug/mL,589 +565882647,2492811,2425,4,bedside glucose,100.0,100,mg/dL,mg/dL,2425 +549093670,2492811,7204,1,HDL,70.0,70,mg/dL,mg/dL,7204 +566024921,2492811,1849,4,bedside glucose,111.0,111,mg/dL,mg/dL,1849 +582582830,2492811,2892,7,HCO3,36.0,36,mmol/L,mmol/L,2892 +584294905,2492811,5204,7,pH,7.46,7.46,,,5204 +565745514,2492811,1242,4,bedside glucose,115.0,115,mg/dL,mg/dL,1242 +584294904,2492811,5204,7,paCO2,52.0,52,mm Hg,mm Hg,5204 +561901672,2492811,3704,3,MPV,7.6,7.6,fL,fL,3704 +584294901,2492811,5204,7,HCO3,37.0,37,mmol/L,mmol/L,5204 +582795907,2492811,4587,7,paCO2,57.0,57,mm Hg,mm Hg,4587 +584294902,2492811,5204,7,FiO2,35.0,35.0,%,%,5204 +541680109,2492811,2240,1,creatinine,0.6,0.60,mg/dL,mg/dL,2240 +584294903,2492811,5204,7,paO2,72.0,72,mm Hg,mm Hg,5204 +563948826,2492811,4138,4,bedside glucose,111.0,111,mg/dL,mg/dL,4138 +584294906,2492811,5204,7,O2 Sat (%),97.0,97,%,%,5204 +549093671,2492811,7204,1,phosphate,2.8,2.8,mg/dL,mg/dL,7204 +584533255,2492811,3754,7,HCO3,36.0,36,mmol/L,mmol/L,3754 +544804133,2492811,6592,1,creatinine,0.6,0.60,mg/dL,mg/dL,6592 +584294907,2492811,5204,7,Base Excess,11.1,11.1,mEq/L,mmol/L,5204 +550370185,2492811,589,2,Vancomycin - trough,4.9,4.9,mcg/mL,ug/mL,589 +584533256,2492811,3754,7,FiO2,35.0,35.0,%,%,3754 +566070426,2492811,2692,4,bedside glucose,187.0,187,mg/dL,mg/dL,2692 +584533257,2492811,3754,7,paO2,60.0,60,mm Hg,mm Hg,3754 +541574777,2492811,9444,1,creatinine,0.55,0.55,mg/dL,mg/dL,9444 +584533261,2492811,3754,7,Base Excess,9.8,9.8,mEq/L,mmol/L,3754 +582582832,2492811,2892,7,paCO2,58.0,58,mm Hg,mm Hg,2892 +584533258,2492811,3754,7,paCO2,56.0,56,mm Hg,mm Hg,3754 +564879407,2492811,8451,4,bedside glucose,202.0,202,mg/dL,mg/dL,8451 +584533259,2492811,3754,7,pH,7.42,7.42,,,3754 +564021046,2492811,9871,4,bedside glucose,152.0,152,mg/dL,mg/dL,9871 +584533260,2492811,3754,7,O2 Sat (%),95.0,95,%,%,3754 +561901796,2492811,3704,3,-monos,3.0,3,%,%,3704 +583657311,2492811,4058,7,HCO3,37.0,37,mmol/L,mmol/L,4058 +542873340,2492811,864,1,potassium,4.6,4.6,mmol/L,mmol/L,864 +583657312,2492811,4058,7,FiO2,45.0,45.0,%,%,4058 +550370183,2492811,2756,2,Vancomycin - trough,10.6,10.6,mcg/mL,ug/mL,2756 +583657316,2492811,4058,7,O2 Sat (%),99.0,99,%,%,4058 +542873341,2492811,864,1,creatinine,0.68,0.68,mg/dL,mg/dL,864 +563824544,2492811,8791,4,bedside glucose,120.0,120,mg/dL,mg/dL,8791 +550370187,2492811,6274,2,Gentamicin - random,1.9,1.9,mcg/mL,ug/mL,6274 +583657317,2492811,4058,7,Base Excess,10.0,10.0,mEq/L,mmol/L,4058 +565107723,2492811,998,4,bedside glucose,110.0,110,mg/dL,mg/dL,998 +563788686,2492811,181,4,bedside glucose,121.0,121,mg/dL,mg/dL,181 +582582835,2492811,2892,7,Base Excess,9.0,9.0,mEq/L,mmol/L,2892 +583657313,2492811,4058,7,paO2,98.0,98,mm Hg,mm Hg,4058 +542873339,2492811,864,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,864 +564882011,2492811,6114,4,bedside glucose,273.0,273,mg/dL,mg/dL,6114 +561901673,2492811,3704,3,-lymphs,8.0,8,%,%,3704 +564198641,2492811,3027,4,bedside glucose,114.0,114,mg/dL,mg/dL,3027 +565101369,2492811,3886,4,bedside glucose,119.0,119,mg/dL,mg/dL,3886 +583657314,2492811,4058,7,paCO2,58.0,58,mm Hg,mm Hg,4058 +563954903,2492811,5584,4,bedside glucose,150.0,150,mg/dL,mg/dL,5584 +565428514,2492811,1592,4,bedside glucose,103.0,103,mg/dL,mg/dL,1592 +564766430,2492811,2441,4,urinary specific gravity,1.015,1.015,,,2441 +563894311,2492811,1663,4,bedside glucose,108.0,108,mg/dL,mg/dL,1663 +550370184,2492811,7739,2,Gentamicin - random,2.0,2.0,mcg/mL,ug/mL,7739 +583657315,2492811,4058,7,pH,7.41,7.41,,,4058 +564508181,2492811,8196,4,bedside glucose,152.0,152,mg/dL,mg/dL,8196 +538963071,2492811,8049,1,creatinine,0.56,0.56,mg/dL,mg/dL,8049 +582582833,2492811,2892,7,pH,7.4,7.40,,,2892 +564125070,2492811,7352,4,bedside glucose,146.0,146,mg/dL,mg/dL,7352 +564666935,2492811,9658,4,bedside glucose,128.0,128,mg/dL,mg/dL,9658 +565075780,2492811,7612,4,bedside glucose,196.0,196,mg/dL,mg/dL,7612 +561901675,2492811,3704,3,-basos,0.0,0,%,%,3704 +564384132,2492811,5914,4,bedside glucose,154.0,154,mg/dL,mg/dL,5914 +564629033,2492811,5330,4,bedside glucose,129.0,129,mg/dL,mg/dL,5330 +230499317,970328,-6039,3,-lymphs,14.1,14.1,%,%,-5976 +228035102,970328,-6039,1,chloride,99.0,99,mmol/L,mmol/L,-5949 +230499316,970328,-6039,3,MPV,8.1,8.1,fL,fL,-5976 +228035099,970328,-6039,1,calcium,8.6,8.6,mg/dL,mg/dL,-5949 +230499324,970328,-6039,3,Hgb,9.8,9.8,g/dL,g/dL,-5976 +228035100,970328,-6039,1,ALT (SGPT),17.0,17,Units/L,IU/L,-5949 +230499325,970328,-6039,3,WBC x 1000,5.1,5.1,K/mcL,th/uL,-5976 +228035103,970328,-6039,1,BUN,13.0,13,mg/dL,mg/dL,-5949 +230499326,970328,-6039,3,RDW,13.8,13.8,%,%,-5976 +229820770,970328,1010,3,platelets x 1000,193.0,193,K/mcL,th/uL,1067 +228035090,970328,-6039,1,potassium,3.9,3.9,mmol/L,mmol/L,-5949 +229988047,970328,10,3,platelets x 1000,260.0,260,K/mcL,th/uL,59 +230499327,970328,-6039,3,MCH,27.0,27.0,pg,pg,-5976 +229204219,970328,1010,1,glucose,170.0,170,mg/dL,mg/dL,1340 +228035098,970328,-6039,1,total protein,5.8,5.8,g/dL,g/dL,-5949 +232239153,970328,73,7,Base Excess,10.2,10.2,mEq/L,mmol/L,81 +230499328,970328,-6039,3,-monos,7.0,7.0,%,%,-5976 +229820769,970328,1010,3,MCHC,31.4,31.4,g/dL,g/dL,1067 +228035092,970328,-6039,1,alkaline phos.,76.0,76,Units/L,IU/L,-5949 +229988045,970328,10,3,-monos,4.0,4.0,%,%,59 +230499323,970328,-6039,3,MCV,84.9,84.9,fL,fL,-5976 +229204215,970328,1010,1,bicarbonate,33.0,33,mmol/L,mmol/L,1340 +228035091,970328,-6039,1,creatinine,0.9,0.90,mg/dL,mg/dL,-5949 +232239151,970328,73,7,O2 Sat (%),96.1,96.1,%,%,81 +227459504,970328,10,1,anion gap,4.0,4,,,99 +229820765,970328,1010,3,WBC x 1000,13.6,13.6,K/mcL,th/uL,1067 +230499318,970328,-6039,3,RBC,3.64,3.64,M/mcL,mill/uL,-5976 +229988046,970328,10,3,MCHC,30.7,30.7,g/dL,g/dL,59 +228035094,970328,-6039,1,AST (SGOT),17.0,17,Units/L,IU/L,-5949 +229204216,970328,1010,1,total protein,5.6,5.6,g/dL,g/dL,1340 +227459501,970328,10,1,potassium,6.0,6.0,mmol/L,mmol/L,99 +232239147,970328,73,7,O2 Content,13.0,13.0,mls/dL,mL/dL,81 +230499320,970328,-6039,3,-polys,76.3,76.3,%,%,-5976 +229820764,970328,1010,3,Hgb,9.3,9.3,g/dL,g/dL,1067 +228035095,970328,-6039,1,sodium,139.0,139,mmol/L,mmol/L,-5949 +229988042,970328,10,3,WBC x 1000,12.6,12.6,K/mcL,th/uL,59 +227459502,970328,10,1,creatinine,0.8,0.80,mg/dL,mg/dL,99 +229204218,970328,1010,1,ALT (SGPT),22.0,22,Units/L,IU/L,1340 +230499319,970328,-6039,3,-basos,0.6,0.6,%,%,-5976 +232239148,970328,73,7,Respiratory Rate,20.0,20,/min,,81 +228035096,970328,-6039,1,albumin,2.8,2.8,g/dL,g/dL,-5949 +229820767,970328,1010,3,MCH,26.6,26.6,pg,pg,1067 +227459500,970328,10,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,99 +229988043,970328,10,3,RDW,13.9,13.9,%,%,59 +230499329,970328,-6039,3,MCHC,31.8,31.8,g/dL,g/dL,-5976 +229204217,970328,1010,1,calcium,9.1,9.1,mg/dL,mg/dL,1340 +228035089,970328,-6039,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-5949 +232239146,970328,73,7,paCO2,50.0,50.0,mm Hg,mmHg,81 +227459505,970328,10,1,AST (SGOT),35.0,35,Units/L,IU/L,99 +229820766,970328,1010,3,RDW,14.2,14.2,%,%,1067 +230499321,970328,-6039,3,Hct,30.9,30.9,%,%,-5976 +229988040,970328,10,3,MCV,87.4,87.4,fL,fL,59 +228035097,970328,-6039,1,bicarbonate,33.0,33,mmol/L,mmol/L,-5949 +229204220,970328,1010,1,chloride,98.0,98,mmol/L,mmol/L,1340 +227459503,970328,10,1,alkaline phos.,81.0,81,Units/L,IU/L,99 +232239145,970328,73,7,Carboxyhemoglobin,0.9,0.9,%,%,81 +230499322,970328,-6039,3,-eos,2.0,2.0,%,%,-5976 +229820759,970328,1010,3,-basos,0.5,0.5,%,%,1067 +228035101,970328,-6039,1,glucose,89.0,89,mg/dL,mg/dL,-5949 +229988044,970328,10,3,MCH,26.9,26.9,pg,pg,59 +227459512,970328,10,1,ALT (SGPT),33.0,33,Units/L,IU/L,99 +229204214,970328,1010,1,albumin,2.5,2.5,g/dL,g/dL,1340 +230499330,970328,-6039,3,platelets x 1000,267.0,267,K/mcL,th/uL,-5976 +232239149,970328,73,7,pH,7.46,7.46,,,81 +228035093,970328,-6039,1,anion gap,7.0,7,,,-5949 +229820758,970328,1010,3,RBC,3.5,3.50,M/mcL,mill/uL,1067 +227459508,970328,10,1,albumin,2.9,2.9,g/dL,g/dL,99 +229988041,970328,10,3,Hgb,10.2,10.2,g/dL,g/dL,59 +231996257,970328,1075,7,Respiratory Rate,18.0,18,/min,,1083 +229204221,970328,1010,1,BUN,22.0,22,mg/dL,mg/dL,1340 +227459514,970328,10,1,chloride,99.0,99,mmol/L,mmol/L,99 +232239141,970328,73,7,Vent Rate,20.0,20,/min,,81 +231996263,970328,1075,7,Base Excess,10.5,10.5,mEq/L,mmol/L,1083 +229820760,970328,1010,3,-polys,95.3,95.3,%,%,1067 +227459510,970328,10,1,total protein,6.3,6.3,g/dL,g/dL,99 +229988037,970328,10,3,-polys,90.0,90.0,%,%,59 +231996262,970328,1075,7,Temperature,37.6,37.6,°C,DegC,1083 +229204210,970328,1010,1,alkaline phos.,67.0,67,Units/L,IU/L,1340 +227459509,970328,10,1,bicarbonate,36.0,36,mmol/L,mmol/L,99 +232239142,970328,73,7,Methemoglobin,0.5,.50,%,%,81 +231996260,970328,1075,7,O2 Sat (%),95.4,95.4,%,%,1083 +229820756,970328,1010,3,MPV,8.8,8.8,fL,fL,1067 +227459506,970328,10,1,sodium,139.0,139,mmol/L,mmol/L,99 +229988036,970328,10,3,-basos,0.4,0.4,%,%,59 +231996258,970328,1075,7,pH,7.47,7.47,,,1083 +229204211,970328,1010,1,anion gap,6.0,6,,,1340 +227459507,970328,10,1,magnesium,3.0,3.0,mg/dL,mg/dL,81 +232239139,970328,73,7,HCO3,35.1,35.1,mmol/L,mmol/L,81 +231996251,970328,1075,7,Methemoglobin,0.5,.50,%,%,1083 +229820757,970328,1010,3,-lymphs,1.9,1.9,%,%,1067 +227459515,970328,10,1,BUN,17.0,17,mg/dL,mg/dL,99 +229988034,970328,10,3,-lymphs,5.5,5.5,%,%,59 +231996250,970328,1075,7,Vent Rate,18.0,18,/min,,1083 +229204207,970328,1010,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,1340 +227459513,970328,10,1,glucose,176.0,176,mg/dL,mg/dL,99 +232239140,970328,73,7,TV,450.0,450,mls,,81 +231996249,970328,1075,7,TV,450.0,450,mls,,1083 +229820761,970328,1010,3,Hct,29.6,29.6,%,%,1067 +227459511,970328,10,1,calcium,9.4,9.4,mg/dL,mg/dL,99 +229988035,970328,10,3,RBC,3.79,3.79,M/mcL,mill/uL,59 +231996248,970328,1075,7,HCO3,35.2,35.2,mmol/L,mmol/L,1083 +229204208,970328,1010,1,potassium,4.4,4.4,mmol/L,mmol/L,1340 +229418256,970328,-7650,3,-monos,8.0,8.0,%,%,-7615 +231315365,970328,-4425,4,BNP,740.0,740.0,pg/mL,pg/mL,-4365 +232037877,970328,-5590,7,paO2,105.0,105.0,mm Hg,mmHg,-5558 +229820762,970328,1010,3,-eos,0.0,0.0,%,%,1067 +229418257,970328,-7650,3,MCHC,32.5,32.5,g/dL,g/dL,-7615 +232239144,970328,73,7,paO2,65.0,65.0,mm Hg,mmHg,81 +231996247,970328,1075,7,Total CO2,82.3,82.3,,mmol/L,1083 +229204212,970328,1010,1,AST (SGOT),23.0,23,Units/L,IU/L,1340 +229418258,970328,-7650,3,platelets x 1000,224.0,224,K/mcL,th/uL,-7615 +229988038,970328,10,3,Hct,33.1,33.1,%,%,59 +232037876,970328,-5590,7,LPM O2,3.0,3.0,L/min,,-5558 +229123815,970328,-7650,1,amylase,37.0,37,Units/L,IU/L,-7573 +229418255,970328,-7650,3,MCH,27.2,27.2,pg,pg,-7615 +229820763,970328,1010,3,MCV,84.8,84.8,fL,fL,1067 +231996256,970328,1075,7,O2 Content,11.8,11.8,mls/dL,mL/dL,1083 +231174519,970328,2959,4,bedside glucose,185.0,185,mg/dL,mg/dL,2959 +229418253,970328,-7650,3,WBC x 1000,6.2,6.2,K/mcL,th/uL,-7615 +229123814,970328,-7650,1,ALT (SGPT),20.0,20,Units/L,IU/L,-7573 +232037875,970328,-5590,7,HCO3,32.6,32.6,mmol/L,mmol/L,-5558 +229204209,970328,1010,1,creatinine,1.2,1.20,mg/dL,mg/dL,1340 +229418254,970328,-7650,3,RDW,13.4,13.4,%,%,-7615 +232239138,970328,73,7,Total CO2,82.1,82.1,,mmol/L,81 +231996252,970328,1075,7,FiO2,30.0,30,%,%,1083 +229123808,970328,-7650,1,alkaline phos.,74.0,74,Units/L,IU/L,-7573 +229418248,970328,-7650,3,-polys,73.4,73.4,%,%,-7615 +229820768,970328,1010,3,-monos,2.3,2.3,%,%,1067 +232037882,970328,-5590,7,O2 Sat (%),98.8,98.8,%,%,-5558 +229988033,970328,10,3,MPV,8.1,8.1,fL,fL,59 +229418249,970328,-7650,3,Hct,26.5,26.5,%,%,-7615 +229123809,970328,-7650,1,AST (SGOT),289.0,289,Units/L,IU/L,-7573 +231996253,970328,1075,7,paO2,67.0,67.0,mm Hg,mmHg,1083 +231320852,970328,-7650,4,bedside glucose,83.0,83,mg/dL,mg/dL,-7629 +229418250,970328,-7650,3,-eos,1.6,1.6,%,%,-7615 +231211791,970328,-18,4,bedside glucose,172.0,172,mg/dL,mg/dL,-18 +232037880,970328,-5590,7,pH,7.29,7.29,,,-5558 +229123807,970328,-7650,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-7573 +229418247,970328,-7650,3,-basos,1.0,1.0,%,%,-7615 +231253328,970328,2156,4,bedside glucose,148.0,148,mg/dL,mg/dL,2156 +228384543,970328,-7650,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-7619 +231996255,970328,1075,7,paCO2,49.0,49.0,mm Hg,mmHg,1083 +232239143,970328,73,7,FiO2,30.0,30,%,%,81 +228441363,970328,-7650,1,chloride,79.0,79,mmol/L,mmol/L,-7629 +229418251,970328,-7650,3,MCV,83.8,83.8,fL,fL,-7615 +229123810,970328,-7650,1,albumin,2.8,2.8,g/dL,g/dL,-7573 +228441361,970328,-7650,1,sodium,126.0,126,mmol/L,mmol/L,-7629 +232037878,970328,-5590,7,Carboxyhemoglobin,1.2,1.2,%,%,-5558 +231285688,970328,1897,4,bedside glucose,197.0,197,mg/dL,mg/dL,1897 +228441362,970328,-7650,1,ionized calcium,4.5,4.5,mg/dL,mg/dL,-7629 +229418244,970328,-7650,3,MPV,7.7,7.7,fL,fL,-7615 +231249735,970328,-7522,4,urinary specific gravity,1.015,1.015,,,-7522 +230731679,970328,-7650,3,PTT,65.7,65.7,sec,sec,-7604 +231417345,970328,630,4,bedside glucose,209.0,209,mg/dL,mg/dL,630 +229123811,970328,-7650,1,total protein,6.2,6.2,g/dL,g/dL,-7573 +228673419,970328,-7650,1,lactate,0.6,.6,mmol/L,mmol/L,-7634 +229418252,970328,-7650,3,Hgb,8.6,8.6,g/dL,g/dL,-7615 +229204213,970328,1010,1,sodium,137.0,137,mmol/L,mmol/L,1340 +230731678,970328,-7650,3,PT - INR,1.4,1.4,ratio,,-7604 +232037879,970328,-5590,7,paCO2,70.0,70.0,mm Hg,mmHg,-5558 +229988039,970328,10,3,-eos,0.1,0.1,%,%,59 +231430230,970328,2553,4,bedside glucose,190.0,190,mg/dL,mg/dL,2553 +229418245,970328,-7650,3,-lymphs,16.0,16.0,%,%,-7615 +229123812,970328,-7650,1,direct bilirubin,0.1,0.1,mg/dL,mg/dL,-7573 +228441360,970328,-7650,1,potassium,3.4,3.4,mmol/L,mmol/L,-7629 +231996254,970328,1075,7,Carboxyhemoglobin,1.1,1.1,%,%,1083 +232320494,970328,-7650,7,Total CO2,35.0,35,,mmol/L,-7629 +230731677,970328,-7650,3,PT,16.2,16.2,sec,sec,-7604 +229418246,970328,-7650,3,RBC,3.16,3.16,M/mcL,mill/uL,-7615 +231333293,970328,1650,4,bedside glucose,157.0,157,mg/dL,mg/dL,1650 +230117376,970328,2725,3,PT - INR,1.0,1.0,ratio,,2747 +229123813,970328,-7650,1,lipase,54.0,54,Units/L,IU/L,-7573 +230117375,970328,2725,3,PT,12.0,12.0,sec,sec,2747 +551997729,2512314,3032,3,MCHC,33.1,33.1,g/dL,g/dL,3032 +552526786,2512314,7389,3,-eos,0.0,0,%,%,7389 +551997730,2512314,3032,3,platelets x 1000,311.0,311,K/mcL,K/uL,3032 +552526781,2512314,7389,3,platelets x 1000,286.0,286,K/mcL,K/uL,7389 +551997728,2512314,3032,3,-monos,3.0,3,%,%,3032 +552526782,2512314,7389,3,MPV,10.0,10.0,fL,fL,7389 +556491188,2512314,4401,3,WBC x 1000,10.7,10.7,K/mcL,K/uL,4401 +551997726,2512314,3032,3,RDW,13.5,13.5,%,%,3032 +556491199,2512314,4401,3,-lymphs,3.0,3,%,%,4401 +552526783,2512314,7389,3,-polys,92.0,92,%,%,7389 +556491200,2512314,4401,3,-monos,3.0,3,%,%,4401 +551997725,2512314,3032,3,WBC x 1000,12.8,12.8,K/mcL,K/uL,3032 +556491198,2512314,4401,3,-polys,93.0,93,%,%,4401 +552526785,2512314,7389,3,-monos,3.0,3,%,%,7389 +539437972,2512314,5962,1,glucose,137.0,137,mg/dL,mg/dL,5962 +551997724,2512314,3032,3,Hgb,12.0,12.0,g/dL,g/dL,3032 +556491193,2512314,4401,3,MCH,31.0,31.0,pg,pg,4401 +552526784,2512314,7389,3,-lymphs,4.0,4,%,%,7389 +539437973,2512314,5962,1,anion gap,13.0,13,,mmol/L,5962 +551997716,2512314,3032,3,MPV,9.9,9.9,fL,fL,3032 +556491195,2512314,4401,3,RDW,13.6,13.6,%,%,4401 +552526787,2512314,7389,3,-basos,0.0,0,%,%,7389 +539437964,2512314,5962,1,magnesium,2.3,2.3,mg/dL,mg/dL,5962 +551997723,2512314,3032,3,MCV,97.1,97.1,fL,fL,3032 +551018756,2512314,-574,3,-polys,72.0,72,%,%,-574 +556491194,2512314,4401,3,MCHC,31.4,31.4,g/dL,g/dL,4401 +551018754,2512314,-574,3,RBC,4.31,4.31,M/mcL,M/uL,-574 +550141328,2512314,1575,1,anion gap,14.0,14,,mmol/L,1575 +551018755,2512314,-574,3,-basos,1.0,1,%,%,-574 +544838031,2512314,147,1,potassium,4.3,4.3,mmol/L,mmol/L,147 +551018759,2512314,-574,3,MCV,99.1,99.1,fL,fL,-574 +552526778,2512314,7389,3,MCH,31.5,31.5,pg,pg,7389 +551018757,2512314,-574,3,Hct,42.7,42.7,%,%,-574 +539437974,2512314,5962,1,phosphate,3.3,3.3,mg/dL,mg/dL,5962 +551018758,2512314,-574,3,-eos,0.0,0,%,%,-574 +551997727,2512314,3032,3,MCH,32.1,32.1,pg,pg,3032 +547442901,2512314,7389,1,BUN,20.0,20,mg/dL,mg/dL,7389 +556491196,2512314,4401,3,platelets x 1000,316.0,316,K/mcL,K/uL,4401 +551018760,2512314,-574,3,Hgb,13.7,13.7,g/dL,g/dL,-574 +550141333,2512314,1575,1,chloride,102.0,102,mmol/L,mmol/L,1575 +547442900,2512314,7389,1,calcium,8.9,8.9,mg/dL,mg/dL,7389 +544838037,2512314,147,1,glucose,133.0,133,mg/dL,mg/dL,147 +551018765,2512314,-574,3,MCHC,32.1,32.1,g/dL,g/dL,-574 +552526779,2512314,7389,3,MCHC,32.0,32.0,g/dL,g/dL,7389 +547442905,2512314,7389,1,phosphate,4.0,4.0,mg/dL,mg/dL,7389 +539437971,2512314,5962,1,creatinine,0.65,0.65,mg/dL,mg/dL,5962 +551018752,2512314,-574,3,MPV,11.8,11.8,fL,fL,-574 +551997719,2512314,3032,3,-basos,0.0,0,%,%,3032 +553496339,2512314,1575,3,-polys,93.0,93,%,%,1575 +556491201,2512314,4401,3,-eos,0.0,0,%,%,4401 +547442903,2512314,7389,1,glucose,126.0,126,mg/dL,mg/dL,7389 +550141331,2512314,1575,1,calcium,9.4,9.4,mg/dL,mg/dL,1575 +553496337,2512314,1575,3,RBC,3.57,3.57,M/mcL,M/uL,1575 +544838035,2512314,147,1,bicarbonate,23.0,23,mmol/L,mmol/L,147 +551018763,2512314,-574,3,MCH,31.8,31.8,pg,pg,-574 +552526775,2512314,7389,3,Hgb,11.8,11.8,g/dL,g/dL,7389 +553496335,2512314,1575,3,MPV,10.0,10.0,fL,fL,1575 +539437965,2512314,5962,1,sodium,138.0,138,mmol/L,mmol/L,5962 +547442904,2512314,7389,1,anion gap,11.0,11,,mmol/L,7389 +551997718,2512314,3032,3,RBC,3.74,3.74,M/mcL,M/uL,3032 +553496340,2512314,1575,3,Hct,34.8,34.8,%,%,1575 +556491192,2512314,4401,3,MCV,98.6,98.6,fL,fL,4401 +551018764,2512314,-574,3,-monos,6.0,6,%,%,-574 +550141329,2512314,1575,1,sodium,141.0,141,mmol/L,mmol/L,1575 +553432603,2512314,5962,3,-basos,0.0,0,%,%,5962 +544838036,2512314,147,1,calcium,9.1,9.1,mg/dL,mg/dL,147 +541574915,2512314,3032,1,potassium,3.4,3.4,mmol/L,mmol/L,3032 +552526780,2512314,7389,3,RDW,13.2,13.2,%,%,7389 +553496336,2512314,1575,3,-lymphs,5.0,5,%,%,1575 +539437967,2512314,5962,1,chloride,100.0,100,mmol/L,mmol/L,5962 +547442899,2512314,7389,1,bicarbonate,28.0,28,mmol/L,mmol/L,7389 +551997720,2512314,3032,3,-polys,94.0,94,%,%,3032 +553496338,2512314,1575,3,-basos,0.0,0,%,%,1575 +556491197,2512314,4401,3,MPV,10.1,10.1,fL,fL,4401 +541574923,2512314,3032,1,chloride,96.0,96,mmol/L,mmol/L,3032 +550141330,2512314,1575,1,bicarbonate,25.0,25,mmol/L,mmol/L,1575 +553432598,2512314,5962,3,MPV,10.0,10.0,fL,fL,5962 +544838034,2512314,147,1,sodium,140.0,140,mmol/L,mmol/L,147 +551018766,2512314,-574,3,platelets x 1000,273.0,273,K/mcL,K/uL,-574 +552526773,2512314,7389,3,WBC x 1000,8.7,8.7,K/mcL,K/uL,7389 +553432599,2512314,5962,3,-polys,92.0,92,%,%,5962 +539437968,2512314,5962,1,bicarbonate,25.0,25,mmol/L,mmol/L,5962 +541574920,2512314,3032,1,bicarbonate,21.0,21,mmol/L,mmol/L,3032 +551997721,2512314,3032,3,Hct,36.3,36.3,%,%,3032 +553432597,2512314,5962,3,platelets x 1000,281.0,281,K/mcL,K/uL,5962 +556491202,2512314,4401,3,-basos,0.0,0,%,%,4401 +547442896,2512314,7389,1,sodium,139.0,139,mmol/L,mmol/L,7389 +550141332,2512314,1575,1,glucose,151.0,151,mg/dL,mg/dL,1575 +553432600,2512314,5962,3,-lymphs,4.0,4,%,%,5962 +544838038,2512314,147,1,chloride,101.0,101,mmol/L,mmol/L,147 +541574921,2512314,3032,1,calcium,9.3,9.3,mg/dL,mg/dL,3032 +552526774,2512314,7389,3,RBC,3.75,3.75,M/mcL,M/uL,7389 +553432596,2512314,5962,3,RDW,13.3,13.3,%,%,5962 +539437969,2512314,5962,1,calcium,9.2,9.2,mg/dL,mg/dL,5962 +551018753,2512314,-574,3,-lymphs,21.0,21,%,%,-574 +551997722,2512314,3032,3,-eos,0.0,0,%,%,3032 +553496349,2512314,1575,3,platelets x 1000,283.0,283,K/mcL,K/uL,1575 +556491189,2512314,4401,3,RBC,3.65,3.65,M/mcL,M/uL,4401 +541574918,2512314,3032,1,sodium,135.0,135,mmol/L,mmol/L,3032 +550141334,2512314,1575,1,BUN,27.0,27,mg/dL,mg/dL,1575 +553432601,2512314,5962,3,-monos,3.0,3,%,%,5962 +544838032,2512314,147,1,creatinine,0.57,0.57,mg/dL,mg/dL,147 +547442897,2512314,7389,1,potassium,4.7,4.7,mmol/L,mmol/L,7389 +552526776,2512314,7389,3,Hct,36.9,36.9,%,%,7389 +553496347,2512314,1575,3,-monos,2.0,2,%,%,1575 +539437966,2512314,5962,1,potassium,4.7,4.7,mmol/L,mmol/L,5962 +541574917,2512314,3032,1,anion gap,18.0,18,,mmol/L,3032 +563939084,2512314,3442,4,bedside glucose,225.0,225,mg/dL,mg/dL,3442 +553432592,2512314,5962,3,Hct,36.3,36.3,%,%,5962 +556491190,2512314,4401,3,Hgb,11.3,11.3,g/dL,g/dL,4401 +551018761,2512314,-574,3,WBC x 1000,11.6,11.6,K/mcL,K/uL,-574 +550141327,2512314,1575,1,creatinine,0.72,0.72,mg/dL,mg/dL,1575 +553496348,2512314,1575,3,MCHC,32.5,32.5,g/dL,g/dL,1575 +544838039,2512314,147,1,BUN,11.0,11,mg/dL,mg/dL,147 +538755682,2512314,-553,1,BUN,8.0,8,mg/dL,mg/dL,-553 +563581536,2512314,1739,4,bedside glucose,144.0,144,mg/dL,mg/dL,1739 +541574924,2512314,3032,1,BUN,20.0,20,mg/dL,mg/dL,3032 +539437970,2512314,5962,1,BUN,21.0,21,mg/dL,mg/dL,5962 +553432594,2512314,5962,3,MCH,31.7,31.7,pg,pg,5962 +551997717,2512314,3032,3,-lymphs,3.0,3,%,%,3032 +538755635,2512314,-553,1,potassium,3.8,3.8,mmol/L,mmol/L,-553 +556491191,2512314,4401,3,Hct,36.0,36.0,%,%,4401 +547442898,2512314,7389,1,chloride,100.0,100,mmol/L,mmol/L,7389 +564419378,2512314,5458,4,bedside glucose,230.0,230,mg/dL,mg/dL,5458 +553496346,2512314,1575,3,MCH,31.7,31.7,pg,pg,1575 +550141326,2512314,1575,1,potassium,4.1,4.1,mmol/L,mmol/L,1575 +538755642,2512314,-553,1,chloride,103.0,103,mmol/L,mmol/L,-553 +544838033,2512314,147,1,anion gap,16.0,16,,mmol/L,147 +541574919,2512314,3032,1,magnesium,2.1,2.1,mg/dL,mg/dL,3032 +563606399,2512314,3961,4,bedside glucose,226.0,226,mg/dL,mg/dL,3961 +553432593,2512314,5962,3,MCV,97.6,97.6,fL,fL,5962 +552526777,2512314,7389,3,MCV,98.4,98.4,fL,fL,7389 +565800900,2512314,4716,4,bedside glucose,144.0,144,mg/dL,mg/dL,4716 +538755636,2512314,-553,1,creatinine,0.65,0.65,mg/dL,mg/dL,-553 +565239465,2512314,7601,4,bedside glucose,124.0,124,mg/dL,mg/dL,7601 +566318281,2512314,6670,4,bedside glucose,124.0,124,mg/dL,mg/dL,6670 +583855601,2512314,-73,7,FiO2,50.0,50.0,%,%,-73 +566203278,2512314,8094,4,bedside glucose,151.0,151,mg/dL,mg/dL,8094 +553432591,2512314,5962,3,Hgb,11.8,11.8,g/dL,g/dL,5962 +564532863,2512314,7798,4,bedside glucose,131.0,131,mg/dL,mg/dL,7798 +538755638,2512314,-553,1,sodium,142.0,142,mmol/L,mmol/L,-553 +556606011,2512314,147,3,-basos,0.0,0,%,%,147 +542728227,2512314,605,1,lactate,1.4,1.4,mmol/L,mmol/L,605 +550121606,2512314,4401,1,BUN,25.0,25,mg/dL,mg/dL,4401 +553432590,2512314,5962,3,RBC,3.72,3.72,M/mcL,M/uL,5962 +556606012,2512314,147,3,-polys,88.0,88,%,%,147 +538755639,2512314,-553,1,bicarbonate,21.0,21,mmol/L,mmol/L,-553 +550121602,2512314,4401,1,potassium,4.2,4.2,mmol/L,mmol/L,4401 +547442902,2512314,7389,1,creatinine,0.66,0.66,mg/dL,mg/dL,7389 +556606013,2512314,147,3,Hct,36.2,36.2,%,%,147 +553432602,2512314,5962,3,-eos,0.0,0,%,%,5962 +550121601,2512314,4401,1,sodium,139.0,139,mmol/L,mmol/L,4401 +538755637,2512314,-553,1,anion gap,18.0,18,,mmol/L,-553 +556606020,2512314,147,3,-monos,2.0,2,%,%,147 +541574916,2512314,3032,1,creatinine,0.65,0.65,mg/dL,mg/dL,3032 +550121607,2512314,4401,1,creatinine,0.63,0.63,mg/dL,mg/dL,4401 +553496342,2512314,1575,3,MCV,97.5,97.5,fL,fL,1575 +556606014,2512314,147,3,-eos,0.0,0,%,%,147 +542689917,2512314,-553,1,CPK-MB,1.3,1.3,ng/mL,ng/mL,-553 +550121609,2512314,4401,1,anion gap,12.0,12,,mmol/L,4401 +551018762,2512314,-574,3,RDW,13.5,13.5,%,%,-574 +556606021,2512314,147,3,MCHC,32.6,32.6,g/dL,g/dL,147 +553496343,2512314,1575,3,Hgb,11.3,11.3,g/dL,g/dL,1575 +550121610,2512314,4401,1,magnesium,2.3,2.3,mg/dL,mg/dL,4401 +538755640,2512314,-553,1,calcium,9.2,9.2,mg/dL,mg/dL,-553 +556606010,2512314,147,3,RBC,3.74,3.74,M/mcL,M/uL,147 +583700106,2512314,-573,7,FiO2,100.0,100.0,%,%,-573 +550121611,2512314,4401,1,phosphate,3.5,3.5,mg/dL,mg/dL,4401 +553432595,2512314,5962,3,MCHC,32.5,32.5,g/dL,g/dL,5962 +556606009,2512314,147,3,-lymphs,9.0,9,%,%,147 +542689916,2512314,-553,1,CPK,58.0,58,Units/L,U/L,-553 +562499982,2512314,-574,3,PTT,31.5,31.5,sec,seconds,-574 +564665773,2512314,2529,4,bedside glucose,208.0,208,mg/dL,mg/dL,2529 +556606008,2512314,147,3,MPV,10.0,10.0,fL,fL,147 +553496344,2512314,1575,3,WBC x 1000,10.1,10.1,K/mcL,K/uL,1575 +550121608,2512314,4401,1,glucose,138.0,138,mg/dL,mg/dL,4401 +538755641,2512314,-553,1,glucose,132.0,132,mg/dL,mg/dL,-553 +556606022,2512314,147,3,platelets x 1000,270.0,270,K/mcL,K/uL,147 +547442895,2512314,7389,1,magnesium,2.4,2.4,mg/dL,mg/dL,7389 +562499981,2512314,-574,3,PT - INR,1.0,1.0,ratio,,-574 +553496345,2512314,1575,3,RDW,13.4,13.4,%,%,1575 +556606015,2512314,147,3,MCV,96.8,96.8,fL,fL,147 +542689915,2512314,-553,1,troponin - T,,<0.01,ng/mL,ng/mL,-553 +550121603,2512314,4401,1,chloride,102.0,102,mmol/L,mmol/L,4401 +541574922,2512314,3032,1,glucose,208.0,208,mg/dL,mg/dL,3032 +556606018,2512314,147,3,RDW,13.3,13.3,%,%,147 +565212106,2512314,1285,4,bedside glucose,142.0,142,mg/dL,mg/dL,1285 +562499980,2512314,-574,3,PT,13.1,13.1,sec,Seconds,-574 +563784553,2512314,2390,4,bedside glucose,155.0,155,mg/dL,mg/dL,2390 +556606016,2512314,147,3,Hgb,11.8,11.8,g/dL,g/dL,147 +553496341,2512314,1575,3,-eos,0.0,0,%,%,1575 +550121604,2512314,4401,1,bicarbonate,25.0,25,mmol/L,mmol/L,4401 +563778396,2512314,3748,4,bedside glucose,141.0,141,mg/dL,mg/dL,3748 +556606017,2512314,147,3,WBC x 1000,8.0,8.0,K/mcL,K/uL,147 +565717597,2512314,6961,4,bedside glucose,196.0,196,mg/dL,mg/dL,6961 +566009287,2512314,1975,4,bedside glucose,150.0,150,mg/dL,mg/dL,1975 +564934533,2512314,5251,4,bedside glucose,144.0,144,mg/dL,mg/dL,5251 +564956418,2512314,4945,4,bedside glucose,125.0,125,mg/dL,mg/dL,4945 +563467406,2512314,6389,4,bedside glucose,131.0,131,mg/dL,mg/dL,6389 +556606019,2512314,147,3,MCH,31.6,31.6,pg,pg,147 +563535575,2512314,8272,4,bedside glucose,179.0,179,mg/dL,mg/dL,8272 +550121605,2512314,4401,1,calcium,8.7,8.7,mg/dL,mg/dL,4401 +553432589,2512314,5962,3,WBC x 1000,8.0,8.0,K/mcL,K/uL,5962 +565528317,2512314,3250,4,bedside glucose,151.0,151,mg/dL,mg/dL,3250 +229115189,976722,782,1,CPK-MB,0.8,0.8,ng/mL,ng/mL,825 +229040319,976722,782,1,calcium,8.2,8.2,mg/dL,mg/dL,825 +229115188,976722,782,1,troponin - I,0.144,0.144,ng/mL,ng/mL,825 +229616966,976722,782,3,platelets x 1000,405.0,405,K/mcL,th/uL,803 +229040318,976722,782,1,total protein,6.7,6.7,g/dL,g/dL,825 +230325081,976722,-147,3,MCV,94.0,94.0,fL,fL,-119 +229616952,976722,782,3,MPV,8.7,8.7,fL,fL,803 +230325082,976722,-147,3,Hgb,12.5,12.5,g/dL,g/dL,-119 +229040314,976722,782,1,AST (SGOT),57.0,57,Units/L,IU/L,825 +230697348,976722,4863,3,MCV,93.9,93.9,fL,fL,4965 +229616962,976722,782,3,RDW,13.7,13.7,%,%,803 +230325080,976722,-147,3,-eos,0.3,0.3,%,%,-119 +229040315,976722,782,1,sodium,134.0,134,mmol/L,mmol/L,825 +230697349,976722,4863,3,MCH,31.7,31.7,pg,pg,4965 +229616961,976722,782,3,WBC x 1000,10.5,10.5,K/mcL,th/uL,803 +230325076,976722,-147,3,RBC,3.98,3.98,M/mcL,mill/uL,-119 +229040316,976722,782,1,albumin,2.6,2.6,g/dL,g/dL,825 +230697350,976722,4863,3,MCHC,33.7,33.7,g/dL,g/dL,4965 +229616963,976722,782,3,MCH,31.8,31.8,pg,pg,803 +230325077,976722,-147,3,-basos,0.2,0.2,%,%,-119 +229040320,976722,782,1,ALT (SGPT),80.0,80,Units/L,IU/L,825 +230697351,976722,4863,3,RDW,14.0,14.0,%,%,4965 +228637557,976722,3358,1,sodium,134.0,134,mmol/L,mmol/L,3426 +229616960,976722,782,3,Hgb,12.1,12.1,g/dL,g/dL,803 +228637556,976722,3358,1,AST (SGOT),60.0,60,Units/L,IU/L,3426 +230325078,976722,-147,3,-polys,82.3,82.3,%,%,-119 +228637554,976722,3358,1,alkaline phos.,83.0,83,Units/L,IU/L,3426 +229040321,976722,782,1,glucose,154.0,154,mg/dL,mg/dL,825 +228637555,976722,3358,1,anion gap,7.0,7,,,3426 +230697352,976722,4863,3,platelets x 1000,367.0,367,K/mcL,th/uL,4965 +228637552,976722,3358,1,potassium,4.1,4.1,mmol/L,mmol/L,3426 +229616964,976722,782,3,-monos,8.9,8.9,%,%,803 +228637551,976722,3358,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,3426 +230325079,976722,-147,3,Hct,37.4,37.4,%,%,-119 +228637560,976722,3358,1,total protein,6.3,6.3,g/dL,g/dL,3426 +229040317,976722,782,1,bicarbonate,24.0,24,mmol/L,mmol/L,825 +228637562,976722,3358,1,ALT (SGPT),85.0,85,Units/L,IU/L,3426 +229752579,976722,3358,3,MCH,31.8,31.8,pg,pg,3402 +230697357,976722,4863,3,-eos,2.0,2.0,%,%,4965 +228637559,976722,3358,1,bicarbonate,27.0,27,mmol/L,mmol/L,3426 +229752578,976722,3358,3,RDW,14.0,14.0,%,%,3402 +229616959,976722,782,3,MCV,94.3,94.3,fL,fL,803 +228637565,976722,3358,1,BUN,18.0,18,mg/dL,mg/dL,3426 +229752575,976722,3358,3,MCV,92.9,92.9,fL,fL,3402 +230325083,976722,-147,3,WBC x 1000,14.3,14.3,K/mcL,th/uL,-119 +228637558,976722,3358,1,albumin,2.4,2.4,g/dL,g/dL,3426 +229752580,976722,3358,3,-monos,8.3,8.3,%,%,3402 +229115187,976722,782,1,CPK,38.0,38,Units/L,IU/L,825 +228637553,976722,3358,1,creatinine,0.77,0.77,mg/dL,mg/dL,3426 +229752576,976722,3358,3,Hgb,12.2,12.2,g/dL,g/dL,3402 +230697358,976722,4863,3,-basos,0.7,0.7,%,%,4965 +231080458,976722,3358,3,RBC,3.84,3.84,M/mcL,mill/uL,3402 +229752574,976722,3358,3,-eos,0.5,0.5,%,%,3402 +229616956,976722,782,3,-polys,82.5,82.5,%,%,803 +228637564,976722,3358,1,chloride,100.0,100,mmol/L,mmol/L,3426 +229752573,976722,3358,3,Hct,35.6,35.6,%,%,3402 +230325074,976722,-147,3,MPV,8.4,8.4,fL,fL,-119 +231080456,976722,3358,3,MPV,8.7,8.7,fL,fL,3402 +229752577,976722,3358,3,WBC x 1000,8.7,8.7,K/mcL,th/uL,3402 +229040311,976722,782,1,creatinine,0.95,0.95,mg/dL,mg/dL,825 +228637561,976722,3358,1,calcium,8.1,8.1,mg/dL,mg/dL,3426 +229752581,976722,3358,3,MCHC,34.2,34.2,g/dL,g/dL,3402 +230697346,976722,4863,3,Hgb,12.4,12.4,g/dL,g/dL,4965 +231080457,976722,3358,3,-lymphs,8.6,8.6,%,%,3402 +229752571,976722,3358,3,-basos,0.3,0.3,%,%,3402 +229616965,976722,782,3,MCHC,33.8,33.8,g/dL,g/dL,803 +228637563,976722,3358,1,glucose,93.0,93,mg/dL,mg/dL,3426 +229752572,976722,3358,3,-polys,82.3,82.3,%,%,3402 +230325085,976722,-147,3,MCH,31.4,31.4,pg,pg,-119 +231223302,976722,398,4,bedside glucose,155.0,155,mg/dL,mg/dL,398 +229752582,976722,3358,3,platelets x 1000,388.0,388,K/mcL,th/uL,3402 +229040312,976722,782,1,alkaline phos.,81.0,81,Units/L,IU/L,825 +227623919,976722,4863,1,anion gap,10.0,10,,,4992 +230697347,976722,4863,3,Hct,36.7,36.7,%,%,4965 +227623918,976722,4863,1,AST (SGOT),53.0,53,Units/L,IU/L,4992 +229616953,976722,782,3,-lymphs,7.9,7.9,%,%,803 +227623917,976722,4863,1,ALT (SGPT),67.0,67,Units/L,IU/L,4992 +230325084,976722,-147,3,RDW,14.0,14.0,%,%,-119 +227623915,976722,4863,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,4992 +229040310,976722,782,1,potassium,3.8,3.8,mmol/L,mmol/L,825 +227623916,976722,4863,1,alkaline phos.,80.0,80,Units/L,IU/L,4992 +230697353,976722,4863,3,MPV,8.8,8.8,fL,fL,4965 +227623912,976722,4863,1,calcium,8.3,8.3,mg/dL,mg/dL,4992 +229616954,976722,782,3,RBC,3.79,3.79,M/mcL,mill/uL,803 +227827786,976722,-147,1,glucose,115.0,115,mg/dL,mg/dL,-104 +230325075,976722,-147,3,-lymphs,6.9,6.9,%,%,-119 +227623911,976722,4863,1,bicarbonate,24.0,24,mmol/L,mmol/L,4992 +229040309,976722,782,1,total bilirubin,1.3,1.3,mg/dL,mg/dL,825 +227827787,976722,-147,1,chloride,101.0,101,mmol/L,mmol/L,-104 +230697344,976722,4863,3,WBC x 1000,9.1,9.1,K/mcL,th/uL,4965 +227623913,976722,4863,1,albumin,2.3,2.3,g/dL,g/dL,4992 +229616955,976722,782,3,-basos,0.5,0.5,%,%,803 +227827788,976722,-147,1,BUN,37.0,37,mg/dL,mg/dL,-104 +230325086,976722,-147,3,-monos,10.3,10.3,%,%,-119 +227623914,976722,4863,1,total protein,6.2,6.2,g/dL,g/dL,4992 +229040323,976722,782,1,BUN,25.0,25,mg/dL,mg/dL,825 +227827785,976722,-147,1,calcium,8.7,8.7,mg/dL,mg/dL,-104 +230697354,976722,4863,3,-polys,77.0,77.0,%,%,4965 +227623909,976722,4863,1,potassium,4.3,4.3,mmol/L,mmol/L,4992 +229616958,976722,782,3,-eos,0.2,0.2,%,%,803 +227827783,976722,-147,1,sodium,134.0,134,mmol/L,mmol/L,-104 +230325087,976722,-147,3,MCHC,33.4,33.4,g/dL,g/dL,-119 +227623905,976722,4863,1,glucose,72.0,72,mg/dL,mg/dL,4992 +227610495,976722,388,1,troponin - I,0.169,0.169,ng/mL,ng/mL,445 +227827780,976722,-147,1,potassium,4.0,4.0,mmol/L,mmol/L,-104 +230697355,976722,4863,3,-lymphs,10.2,10.2,%,%,4965 +227623906,976722,4863,1,BUN,20.0,20,mg/dL,mg/dL,4992 +229040322,976722,782,1,chloride,101.0,101,mmol/L,mmol/L,825 +227827781,976722,-147,1,creatinine,1.09,1.09,mg/dL,mg/dL,-104 +230325088,976722,-147,3,platelets x 1000,458.0,458,K/mcL,th/uL,-119 +227623908,976722,4863,1,sodium,134.0,134,mmol/L,mmol/L,4992 +227610496,976722,388,1,CPK-MB,1.2,1.2,ng/mL,ng/mL,444 +227827784,976722,-147,1,bicarbonate,27.0,27,mmol/L,mmol/L,-104 +230697356,976722,4863,3,-monos,10.1,10.1,%,%,4965 +230991971,976722,-147,3,PT,19.3,19.3,sec,sec,-111 +229616957,976722,782,3,Hct,35.7,35.7,%,%,803 +227623907,976722,4863,1,creatinine,0.81,0.81,mg/dL,mg/dL,4992 +228893343,976722,-147,1,magnesium,2.0,2.0,mg/dL,mg/dL,-19 +230991972,976722,-147,3,PT - INR,1.7,1.7,ratio,,-111 +227610494,976722,388,1,CPK,55.0,55,Units/L,IU/L,444 +227827782,976722,-147,1,anion gap,6.0,6,,,-104 +230697345,976722,4863,3,RBC,3.91,3.91,M/mcL,mill/uL,4965 +230991973,976722,-147,3,PTT,34.0,34.0,sec,sec,-111 +229040313,976722,782,1,anion gap,9.0,9,,,825 +227623910,976722,4863,1,chloride,100.0,100,mmol/L,mmol/L,4992 +628659395,2797147,-289,1,BUN,54.0,54,mg/dL,mg/dL,-249 +628659394,2797147,-289,1,chloride,82.0,82,mmol/L,mmol/L,-249 +628659392,2797147,-289,1,ALT (SGPT),17.0,17,Units/L,U/L,-249 +628659393,2797147,-289,1,glucose,103.0,103,mg/dL,mg/dL,-249 +628659390,2797147,-289,1,total protein,6.8,6.8,g/dL,g/dL,-249 +628659391,2797147,-289,1,calcium,9.3,9.3,mg/dL,mg/dL,-249 +628659381,2797147,-289,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,-249 +626532313,2797147,73,1,BUN,51.0,51,mg/dL,mg/dL,108 +628659387,2797147,-289,1,sodium,113.0,113,mmol/L,mmol/L,-249 +626532312,2797147,73,1,chloride,87.0,87,mmol/L,mmol/L,108 +630451937,2797147,518,1,potassium,3.6,3.6,mmol/L,mmol/L,593 +628659388,2797147,-289,1,albumin,2.9,2.9,g/dL,g/dL,-249 +630451938,2797147,518,1,creatinine,2.38,2.38,mg/dL,mg/dL,593 +626532308,2797147,73,1,sodium,123.0,123,mmol/L,mmol/L,108 +630451944,2797147,518,1,chloride,86.0,86,mmol/L,mmol/L,593 +628659386,2797147,-289,1,AST (SGOT),30.0,30,Units/L,U/L,-249 +630451945,2797147,518,1,BUN,50.0,50,mg/dL,mg/dL,593 +626532309,2797147,73,1,bicarbonate,27.0,27,mmol/L,mmol/L,108 +630451939,2797147,518,1,anion gap,15.6,15.6,,mmol/L,593 +628659389,2797147,-289,1,bicarbonate,23.0,23,mmol/L,mmol/L,-249 +630451942,2797147,518,1,calcium,8.2,8.2,mg/dL,mg/dL,593 +626532310,2797147,73,1,calcium,9.2,9.2,mg/dL,mg/dL,108 +630451940,2797147,518,1,sodium,121.0,121,mmol/L,mmol/L,593 +628659382,2797147,-289,1,potassium,6.7,6.7,mmol/L,mmol/L,-249 +638015333,2797147,-289,1,CPK,265.0,265,Units/L,U/L,-249 +626532307,2797147,73,1,anion gap,13.3,13.3,,mmol/L,108 +636102345,2797147,-67,1,sodium,116.0,116,mmol/L,mmol/L,-44 +630451943,2797147,518,1,glucose,88.0,88,mg/dL,mg/dL,593 +628659383,2797147,-289,1,creatinine,2.9,2.90,mg/dL,mg/dL,-249 +636102350,2797147,-67,1,BUN,53.0,53,mg/dL,mg/dL,-44 +672435164,2797147,73,4,uric acid,7.8,7.8,mg/dL,mg/dL,108 +626532306,2797147,73,1,creatinine,2.8,2.80,mg/dL,mg/dL,108 +636102347,2797147,-67,1,calcium,9.2,9.2,mg/dL,mg/dL,-44 +638015332,2797147,-289,1,CPK-MB INDEX,8.0,8.0,%,%,-249 +628659384,2797147,-289,1,alkaline phos.,136.0,136,Units/L,U/L,-249 +636102346,2797147,-67,1,bicarbonate,22.0,22,mmol/L,mmol/L,-44 +673799022,2797147,73,4,TSH,2.98,2.98,mcU/ml,uIU/mL,108 +626532311,2797147,73,1,glucose,108.0,108,mg/dL,mg/dL,108 +636102343,2797147,-67,1,creatinine,2.85,2.85,mg/dL,mg/dL,-44 +630451941,2797147,518,1,bicarbonate,23.0,23,mmol/L,mmol/L,593 +669317386,2797147,-289,3,PT - INR,0.9,0.9,ratio,,-264 +636102342,2797147,-67,1,potassium,4.6,4.6,mmol/L,mmol/L,-44 +673154058,2797147,982,4,urinary sodium,25.0,25,mmol/L,mmol/L,1016 +641943267,2797147,982,1,bicarbonate,27.0,27,mmol/L,mmol/L,1009 +669760304,2797147,518,3,Hgb,14.1,14.1,g/dL,g/dL,558 +628659385,2797147,-289,1,anion gap,14.7,14.7,,mmol/L,-249 +641943270,2797147,982,1,chloride,88.0,88,mmol/L,mmol/L,1009 +669760305,2797147,518,3,WBC x 1000,6.6,6.6,K/mcL,K/uL,558 +636102344,2797147,-67,1,anion gap,12.6,12.6,,mmol/L,-44 +641943271,2797147,982,1,BUN,45.0,45,mg/dL,mg/dL,1009 +669760301,2797147,518,3,Hct,40.6,40.6,%,%,558 +672034039,2797147,73,4,urinary specific gravity,1.008,1.008,,,82 +641943269,2797147,982,1,glucose,110.0,110,mg/dL,mg/dL,1009 +669760302,2797147,518,3,-eos,2.0,2,%,%,559 +669317385,2797147,-289,3,PT,12.4,12.4,sec,sec,-264 +641943268,2797147,982,1,calcium,8.7,8.7,mg/dL,mg/dL,1009 +669760303,2797147,518,3,MCV,90.0,90,fL,fL,558 +636102349,2797147,-67,1,chloride,86.0,86,mmol/L,mmol/L,-44 +641943264,2797147,982,1,creatinine,2.21,2.21,mg/dL,mg/dL,1009 +642704381,2797147,298,1,calcium,8.6,8.6,mg/dL,mg/dL,385 +638015334,2797147,-289,1,CPK-MB,21.1,21.1,ng/mL,ng/mL,-249 +641943263,2797147,982,1,potassium,3.2,3.2,mmol/L,mmol/L,1009 +669760306,2797147,518,3,RDW,17.5,17.5,%,%,558 +626532305,2797147,73,1,potassium,4.3,4.3,mmol/L,mmol/L,108 +641943265,2797147,982,1,anion gap,8.2,8.2,,mmol/L,1009 +642704382,2797147,298,1,glucose,92.0,92,mg/dL,mg/dL,385 +636102348,2797147,-67,1,glucose,209.0,209,mg/dL,mg/dL,-44 +641943266,2797147,982,1,sodium,120.0,120,mmol/L,mmol/L,1009 +669760299,2797147,518,3,-basos,0.0,0,%,%,559 +652932044,2797147,-287,3,ESR,19.0,19,mm/hr,mm/hr,-242 +642704380,2797147,298,1,bicarbonate,24.0,24,mmol/L,mmol/L,385 +672623724,2797147,73,4,urinary osmolality,230.0,230,mOsm/L,mOsm/kg,1789 +669760300,2797147,518,3,-polys,73.0,73,%,%,559 +666684026,2797147,-289,3,Hgb,16.5,16.5,g/dL,g/dL,-282 +642704384,2797147,298,1,BUN,52.0,52,mg/dL,mg/dL,385 +666684020,2797147,-289,3,RBC,5.14,5.14,M/mcL,M/uL,-282 +669760307,2797147,518,3,MCH,31.2,31.2,pg,pg,558 +666684019,2797147,-289,3,-lymphs,19.0,19,%,%,-282 +642704378,2797147,298,1,anion gap,15.0,15,,mmol/L,385 +666684021,2797147,-289,3,-basos,0.0,0,%,%,-282 +669760308,2797147,518,3,-monos,7.0,7,%,%,559 +666684022,2797147,-289,3,-polys,71.0,71,%,%,-282 +642704379,2797147,298,1,sodium,121.0,121,mmol/L,mmol/L,385 +666684023,2797147,-289,3,Hct,46.3,46.3,%,%,-282 +669760310,2797147,518,3,platelets x 1000,201.0,201,K/mcL,K/uL,558 +666684024,2797147,-289,3,-eos,1.0,1,%,%,-282 +642704383,2797147,298,1,chloride,86.0,86,mmol/L,mmol/L,385 +666684027,2797147,-289,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,-282 +669760297,2797147,518,3,-lymphs,18.0,18,%,%,559 +666684025,2797147,-289,3,MCV,90.0,90,fL,fL,-282 +642704376,2797147,298,1,potassium,4.0,4.0,mmol/L,mmol/L,385 +666684031,2797147,-289,3,MCHC,35.6,35.6,g/dL,g/dL,-282 +669760309,2797147,518,3,MCHC,34.7,34.7,g/dL,g/dL,558 +666684032,2797147,-289,3,platelets x 1000,211.0,211,K/mcL,K/uL,-282 +642704377,2797147,298,1,creatinine,2.62,2.62,mg/dL,mg/dL,385 +666684029,2797147,-289,3,MCH,32.1,32.1,pg,pg,-282 +669760298,2797147,518,3,RBC,4.52,4.52,M/mcL,M/uL,558 +666684028,2797147,-289,3,RDW,17.6,17.6,%,%,-282 +674119386,2797147,73,4,serum osmolality,267.0,267,mOsm/kg H2O,mOsm/kg,1790 +666684030,2797147,-289,3,-monos,9.0,9,%,%,-282 +642060022,2797147,-289,1,troponin - I,,<0.02,ng/mL,ng/mL,-249 +632211276,2797147,-289,1,lipase,107.0,107,Units/L,U/L,-249 +228333905,964782,6439,1,albumin,2.5,2.5,g/dL,g/dL,6489 +228333906,964782,6439,1,total protein,5.4,5.4,g/dL,g/dL,6489 +228333903,964782,6439,1,bicarbonate,28.0,28,mmol/L,mmol/L,6489 +228333904,964782,6439,1,calcium,8.1,8.1,mg/dL,mg/dL,6489 +228278425,964782,3492,1,chloride,108.0,108,mmol/L,mmol/L,3537 +228278426,964782,3492,1,bicarbonate,25.0,25,mmol/L,mmol/L,3537 +228278427,964782,3492,1,calcium,8.1,8.1,mg/dL,mg/dL,3537 +228278424,964782,3492,1,potassium,3.8,3.8,mmol/L,mmol/L,3537 +228333907,964782,6439,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,6489 +228089687,964782,607,1,glucose,86.0,86,mg/dL,mg/dL,731 +228476300,964782,4952,1,AST (SGOT),20.0,20,Units/L,IU/L,4999 +228333902,964782,6439,1,chloride,106.0,106,mmol/L,mmol/L,6489 +228089688,964782,607,1,chloride,110.0,110,mmol/L,mmol/L,731 +228476299,964782,4952,1,ALT (SGPT),14.0,14,Units/L,IU/L,4999 +228333900,964782,6439,1,sodium,140.0,140,mmol/L,mmol/L,6489 +228089689,964782,607,1,BUN,13.0,13,mg/dL,mg/dL,731 +228476298,964782,4952,1,alkaline phos.,72.0,72,Units/L,IU/L,4999 +228333897,964782,6439,1,glucose,102.0,102,mg/dL,mg/dL,6489 +228089681,964782,607,1,magnesium,2.0,2.0,mg/dL,mg/dL,731 +228476301,964782,4952,1,anion gap,7.0,7,,,4999 +228333911,964782,6439,1,anion gap,6.0,6,,,6489 +228089682,964782,607,1,albumin,3.1,3.1,g/dL,g/dL,731 +228476294,964782,4952,1,calcium,8.1,8.1,mg/dL,mg/dL,4999 +228333910,964782,6439,1,AST (SGOT),23.0,23,Units/L,IU/L,6489 +228089684,964782,607,1,total protein,6.4,6.4,g/dL,g/dL,731 +228476292,964782,4952,1,chloride,108.0,108,mmol/L,mmol/L,4999 +230934027,964782,4952,3,Hgb,9.8,9.8,g/dL,g/dL,4982 +228333898,964782,6439,1,BUN,13.0,13,mg/dL,mg/dL,6489 +230934026,964782,4952,3,RBC,3.43,3.43,M/mcL,mill/uL,4982 +228089683,964782,607,1,bicarbonate,19.0,19,mmol/L,mmol/L,731 +230934025,964782,4952,3,WBC x 1000,7.4,7.4,K/mcL,th/uL,4982 +228476293,964782,4952,1,bicarbonate,26.0,26,mmol/L,mmol/L,4999 +230934028,964782,4952,3,Hct,30.1,30.1,%,%,4982 +228333899,964782,6439,1,creatinine,0.8,0.80,mg/dL,mg/dL,6489 +230655815,964782,607,3,RDW,14.0,14.0,%,%,651 +228089680,964782,607,1,sodium,142.0,142,mmol/L,mmol/L,731 +230655816,964782,607,3,MCH,29.2,29.2,pg,pg,651 +228476295,964782,4952,1,albumin,2.6,2.6,g/dL,g/dL,4999 +230655817,964782,607,3,-monos,6.5,6.5,%,%,651 +228278423,964782,3492,1,sodium,141.0,141,mmol/L,mmol/L,3537 +230655818,964782,607,3,MCHC,33.0,33.0,g/dL,g/dL,651 +228089685,964782,607,1,calcium,8.0,8.0,mg/dL,mg/dL,731 +230655812,964782,607,3,MCV,88.5,88.5,fL,fL,651 +228476296,964782,4952,1,total protein,5.6,5.6,g/dL,g/dL,4999 +230655813,964782,607,3,Hgb,10.6,10.6,g/dL,g/dL,651 +228278420,964782,3492,1,glucose,101.0,101,mg/dL,mg/dL,3537 +230655819,964782,607,3,platelets x 1000,275.0,275,K/mcL,th/uL,651 +228089678,964782,607,1,anion gap,13.0,13,,,731 +230655814,964782,607,3,WBC x 1000,9.5,9.5,K/mcL,th/uL,651 +228476297,964782,4952,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,4999 +230934029,964782,4952,3,MCV,87.9,87.9,fL,fL,4982 +228333908,964782,6439,1,alkaline phos.,71.0,71,Units/L,IU/L,6489 +230655809,964782,607,3,-polys,78.0,78.0,%,%,651 +228089677,964782,607,1,alkaline phos.,93.0,93,Units/L,IU/L,731 +230655810,964782,607,3,Hct,32.1,32.1,%,%,651 +228476287,964782,4952,1,glucose,97.0,97,mg/dL,mg/dL,4999 +230655811,964782,607,3,-eos,1.2,1.2,%,%,651 +228333909,964782,6439,1,ALT (SGPT),16.0,16,Units/L,IU/L,6489 +230807296,964782,4952,3,-eos,5.1,5.1,%,%,4982 +228089676,964782,607,1,creatinine,0.81,0.81,mg/dL,mg/dL,731 +230807294,964782,4952,3,-lymphs,19.6,19.6,%,%,4982 +228476288,964782,4952,1,BUN,13.0,13,mg/dL,mg/dL,4999 +230807297,964782,4952,3,-basos,0.6,0.6,%,%,4982 +228333901,964782,6439,1,potassium,3.8,3.8,mmol/L,mmol/L,6489 +230807295,964782,4952,3,-monos,9.0,9.0,%,%,4982 +228089675,964782,607,1,potassium,4.5,4.5,mmol/L,mmol/L,731 +230807293,964782,4952,3,-polys,65.7,65.7,%,%,4982 +228476289,964782,4952,1,creatinine,0.9,0.90,mg/dL,mg/dL,4999 +230807292,964782,4952,3,MPV,7.4,7.4,fL,fL,4982 +228278422,964782,3492,1,creatinine,0.75,0.75,mg/dL,mg/dL,3537 +229966677,964782,3492,3,MCHC,33.3,33.3,g/dL,g/dL,3514 +230807288,964782,4952,3,MCH,28.6,28.6,pg,pg,4982 +229966678,964782,3492,3,RDW,14.1,14.1,%,%,3514 +228089674,964782,607,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,731 +230050584,964782,3492,3,PT - INR,1.0,1.0,ratio,,3525 +230807289,964782,4952,3,MCHC,32.5,32.5,g/dL,g/dL,4982 +229966671,964782,3492,3,WBC x 1000,7.3,7.3,K/mcL,th/uL,3514 +228476290,964782,4952,1,sodium,141.0,141,mmol/L,mmol/L,4999 +229966672,964782,3492,3,RBC,3.18,3.18,M/mcL,mill/uL,3514 +230807290,964782,4952,3,RDW,14.1,14.1,%,%,4982 +229966673,964782,3492,3,Hgb,9.2,9.2,g/dL,g/dL,3514 +228278421,964782,3492,1,BUN,11.0,11,mg/dL,mg/dL,3537 +229966675,964782,3492,3,MCV,87.0,87.0,fL,fL,3514 +230807291,964782,4952,3,platelets x 1000,285.0,285,K/mcL,th/uL,4982 +229966674,964782,3492,3,Hct,27.7,27.7,%,%,3514 +228089679,964782,607,1,AST (SGOT),28.0,28,Units/L,IU/L,731 +230050583,964782,3492,3,PT,11.9,11.9,sec,sec,3525 +230655805,964782,607,3,MPV,7.2,7.2,fL,fL,651 +229966676,964782,3492,3,MCH,29.0,29.0,pg,pg,3514 +228476291,964782,4952,1,potassium,4.2,4.2,mmol/L,mmol/L,4999 +229898490,964782,607,3,PT - INR,1.3,1.3,ratio,,672 +230655806,964782,607,3,-lymphs,13.7,13.7,%,%,651 +229966679,964782,3492,3,platelets x 1000,227.0,227,K/mcL,th/uL,3514 +228278428,964782,3492,1,anion gap,8.0,8,,,3537 +229898488,964782,607,3,PT,14.8,14.8,sec,sec,672 +229609544,964782,6444,3,RBC,3.19,3.19,M/mcL,mill/uL,6463 +230210570,964782,4952,3,PT - INR,1.5,1.5,ratio,,4988 +229609543,964782,6444,3,WBC x 1000,6.0,6.0,K/mcL,th/uL,6463 +229966684,964782,3492,3,-eos,4.2,4.2,%,%,3514 +229609545,964782,6444,3,Hgb,9.1,9.1,g/dL,g/dL,6463 +230655808,964782,607,3,-basos,0.6,0.6,%,%,651 +229609557,964782,6444,3,-basos,1.9,1.9,%,%,6463 +229966682,964782,3492,3,-lymphs,16.1,16.1,%,%,3514 +229609553,964782,6444,3,-polys,63.5,63.5,%,%,6463 +229451609,964782,-733,3,MCHC,32.8,32.8,g/dL,g/dL,-656 +230210569,964782,4952,3,PT,17.2,17.2,sec,sec,4988 +229451607,964782,-733,3,MCH,29.0,29.0,pg,pg,-656 +229609554,964782,6444,3,-lymphs,19.5,19.5,%,%,6463 +229451608,964782,-733,3,-monos,6.8,6.8,%,%,-656 +229966683,964782,3492,3,-monos,8.7,8.7,%,%,3514 +229451606,964782,-733,3,RDW,14.3,14.3,%,%,-656 +229609555,964782,6444,3,-monos,8.3,8.3,%,%,6463 +229451605,964782,-733,3,WBC x 1000,7.1,7.1,K/mcL,th/uL,-656 +228089686,964782,607,1,ALT (SGPT),14.0,14,Units/L,IU/L,731 +229451610,964782,-733,3,platelets x 1000,286.0,286,K/mcL,th/uL,-656 +229609550,964782,6444,3,RDW,13.9,13.9,%,%,6463 +228855363,964782,-733,1,glucose,97.0,97,mg/dL,mg/dL,-671 +229966685,964782,3492,3,-basos,0.5,0.5,%,%,3514 +229451600,964782,-733,3,-polys,68.4,68.4,%,%,-656 +229609551,964782,6444,3,platelets x 1000,317.0,317,K/mcL,th/uL,6463 +228855365,964782,-733,1,BUN,19.0,19,mg/dL,mg/dL,-671 +230095662,964782,6439,3,PT - INR,3.9,3.9,ratio,,6479 +229451599,964782,-733,3,-basos,0.5,0.5,%,%,-656 +229609552,964782,6444,3,MPV,7.4,7.4,fL,fL,6463 +228855360,964782,-733,1,magnesium,2.3,2.3,mg/dL,mg/dL,-671 +229966680,964782,3492,3,MPV,7.4,7.4,fL,fL,3514 +229451597,964782,-733,3,-lymphs,21.0,21.0,%,%,-656 +231161140,964782,4263,4,bedside glucose,196.0,196,mg/dL,mg/dL,4263 +229609546,964782,6444,3,Hct,28.1,28.1,%,%,6463 +231294827,964782,1423,4,bedside glucose,133.0,133,mg/dL,mg/dL,1423 +228855361,964782,-733,1,bicarbonate,25.0,25,mmol/L,mmol/L,-671 +229678377,964782,297,3,PT - INR,1.2,1.2,ratio,,337 +230655807,964782,607,3,RBC,3.63,3.63,M/mcL,mill/uL,651 +231373596,964782,2837,4,bedside glucose,174.0,174,mg/dL,mg/dL,2837 +229451598,964782,-733,3,RBC,3.64,3.64,M/mcL,mill/uL,-656 +229678375,964782,297,3,PT,14.0,14.0,sec,sec,337 +229609547,964782,6444,3,MCV,88.3,88.3,fL,fL,6463 +231417298,964782,5405,4,bedside glucose,136.0,136,mg/dL,mg/dL,5405 +231068587,964782,297,3,platelets x 1000,228.0,228,K/mcL,th/uL,322 +228855362,964782,-733,1,calcium,8.7,8.7,mg/dL,mg/dL,-671 +231374755,964782,1115,4,bedside glucose,91.0,91,mg/dL,mg/dL,1115 +231448883,964782,5684,4,bedside glucose,155.0,155,mg/dL,mg/dL,5684 +229898489,964782,607,3,fibrinogen,66.0,66.0,mg/dL,mg/dL,688 +231342918,964782,6845,4,bedside glucose,134.0,134,mg/dL,mg/dL,6845 +231068586,964782,297,3,Hgb,9.2,9.2,g/dL,g/dL,322 +229451602,964782,-733,3,-eos,3.3,3.3,%,%,-656 +231211771,964782,3978,4,bedside glucose,140.0,140,mg/dL,mg/dL,3978 +229678376,964782,297,3,fibrinogen,121.0,121.0,mg/dL,mg/dL,355 +229609548,964782,6444,3,MCH,28.7,28.7,pg,pg,6463 +231155961,964782,2521,4,bedside glucose,128.0,128,mg/dL,mg/dL,2521 +231068585,964782,297,3,Hct,28.0,28.0,%,%,322 +228855359,964782,-733,1,sodium,142.0,142,mmol/L,mmol/L,-671 +230514680,964782,-733,3,PT,11.4,11.4,sec,sec,-683 +231154119,964782,7132,4,bedside glucose,151.0,151,mg/dL,mg/dL,7132 +230095661,964782,6439,3,PT,44.0,44.0,sec,sec,6479 +230911347,964782,-378,3,fibrinogen,430.0,430.0,mg/dL,mg/dL,-343 +231421383,964782,-1219,4,bedside glucose,119.0,119,mg/dL,mg/dL,-1209 +229451596,964782,-733,3,MPV,7.7,7.7,fL,fL,-656 +230514681,964782,-733,3,PT - INR,1.0,1.0,ratio,,-683 +231068584,964782,297,3,MPV,7.3,7.3,fL,fL,322 +231467630,964782,2288,4,bedside glucose,118.0,118,mg/dL,mg/dL,2288 +229984043,964782,-1219,3,platelets x 1000,335.0,335,K/mcL,th/uL,-1184 +228855364,964782,-733,1,chloride,108.0,108,mmol/L,mmol/L,-671 +229984042,964782,-1219,3,MCHC,32.6,32.6,g/dL,g/dL,-1184 +229609556,964782,6444,3,-eos,6.8,6.8,%,%,6463 +229984040,964782,-1219,3,MCH,28.8,28.8,pg,pg,-1184 +229451601,964782,-733,3,Hct,32.2,32.2,%,%,-656 +229984041,964782,-1219,3,-monos,7.5,7.5,%,%,-1184 +231328454,964782,6623,4,bedside glucose,114.0,114,mg/dL,mg/dL,6623 +229984036,964782,-1219,3,MCV,88.3,88.3,fL,fL,-1184 +228855358,964782,-733,1,anion gap,9.0,9,,,-671 +229984035,964782,-1219,3,-eos,2.3,2.3,%,%,-1184 +229966681,964782,3492,3,-polys,70.5,70.5,%,%,3514 +229984037,964782,-1219,3,Hgb,11.8,11.8,g/dL,g/dL,-1184 +231146030,964782,3096,4,bedside glucose,151.0,151,mg/dL,mg/dL,3096 +229984032,964782,-1219,3,-basos,0.5,0.5,%,%,-1184 +229451603,964782,-733,3,MCV,88.3,88.3,fL,fL,-656 +229984033,964782,-1219,3,-polys,73.2,73.2,%,%,-1184 +231228386,964782,3742,4,bedside glucose,121.0,121,mg/dL,mg/dL,3742 +229984034,964782,-1219,3,Hct,36.0,36.0,%,%,-1184 +231195388,964782,5986,4,bedside glucose,117.0,117,mg/dL,mg/dL,5986 +229984038,964782,-1219,3,WBC x 1000,8.6,8.6,K/mcL,th/uL,-1184 +228855357,964782,-733,1,creatinine,0.95,0.95,mg/dL,mg/dL,-671 +229984029,964782,-1219,3,MPV,7.7,7.7,fL,fL,-1184 +229609549,964782,6444,3,MCHC,32.5,32.5,g/dL,g/dL,6463 +229489381,964782,-1219,3,PT - INR,1.0,1.0,ratio,,-1173 +231348339,964782,4579,4,bedside glucose,134.0,134,mg/dL,mg/dL,4579 +229984030,964782,-1219,3,-lymphs,16.5,16.5,%,%,-1184 +229451604,964782,-733,3,Hgb,10.6,10.6,g/dL,g/dL,-656 +229489380,964782,-1219,3,PT,10.9,10.9,sec,sec,-1173 +231449749,964782,5171,4,bedside glucose,125.0,125,mg/dL,mg/dL,5171 +229984031,964782,-1219,3,RBC,4.08,4.08,M/mcL,mill/uL,-1184 +231227044,964782,223,4,bedside glucose,88.0,88,mg/dL,mg/dL,223 +229489382,964782,-1219,3,PTT,29.5,29.5,sec,sec,-1173 +228855356,964782,-733,1,potassium,4.1,4.1,mmol/L,mmol/L,-671 +229984039,964782,-1219,3,RDW,14.5,14.5,%,%,-1184 +776332763,3159124,-329,3,-polys,87.5,87.5,%,%,-301 +773664749,3159124,2770,1,sodium,142.0,142,mmol/L,MEQ/L,2946 +776332762,3159124,-329,3,-basos,0.1,0.1,%,%,-301 +773542178,3159124,7180,1,potassium,3.3,3.3,mmol/L,MEQ/L,7250 +776332765,3159124,-329,3,PT,12.4,12.4,sec,SEC,-294 +773664751,3159124,2770,1,chloride,111.0,111,mmol/L,MEQ/L,2971 +776332764,3159124,-329,3,Hct,45.5,45.5,%,%,-301 +775301077,3159124,235,3,MPV,10.0,10.0,fL,FL,336 +776332760,3159124,-329,3,-lymphs,2.6,2.6,%,%,-301 +773542176,3159124,7180,1,creatinine,0.7,0.7,mg/dL,MG/DL,7250 +776332761,3159124,-329,3,RBC,5.0,5.00,M/mcL,MILL/UL,-301 +775301078,3159124,235,3,-lymphs,3.7,3.7,%,%,336 +776332766,3159124,-329,3,-eos,0.0,0.0,%,%,-301 +773664750,3159124,2770,1,potassium,3.7,3.7,mmol/L,MEQ/L,2946 +776332759,3159124,-329,3,MPV,9.8,9.8,fL,FL,-301 +774075614,3159124,235,1,anion gap,15.0,15,,,386 +776086189,3159124,1690,3,PTT,44.1,44.1,sec,SEC,1736 +773542177,3159124,7180,1,sodium,137.0,137,mmol/L,MEQ/L,7250 +776332776,3159124,-329,3,platelets x 1000,219.0,219,K/mcL,THOU/UL,-301 +775301079,3159124,235,3,RBC,4.08,4.08,M/mcL,MILL/UL,336 +776332772,3159124,-329,3,RDW,13.7,13.7,%,%,-301 +773542175,3159124,7180,1,BUN,8.0,8,mg/dL,MG/DL,7250 +776332775,3159124,-329,3,MCHC,33.0,33,g/dL,G/DL,-301 +774075618,3159124,235,1,CPK,67.0,67,Units/L,IU/L,283 +776332773,3159124,-329,3,MCH,30.0,30,pg,PG,-301 +773664752,3159124,2770,1,bicarbonate,26.0,26,mmol/L,MEQ/L,2946 +775796109,3159124,655,3,PTT,34.8,34.8,sec,SEC,959 +776332770,3159124,-329,3,Hgb,14.9,14.9,g/dL,GM/DL,-301 +775301091,3159124,235,3,platelets x 1000,154.0,154,K/mcL,THOU/UL,336 +775808897,3159124,9283,3,PTT,70.7,70.7,sec,SEC,9309 +776332774,3159124,-329,3,-monos,9.8,9.8,%,%,-301 +773542179,3159124,7180,1,chloride,106.0,106,mmol/L,MEQ/L,7250 +777181394,3159124,235,4,serum osmolality,312.0,312,mOsm/kg H2O,MOSM/KG,386 +776332771,3159124,-329,3,WBC x 1000,14.6,14.6,K/mcL,THOU/UL,-301 +774075620,3159124,235,1,CPK-MB INDEX,7.4,7.4,%,,285 +775547452,3159124,5235,3,PTT,67.9,67.9,sec,SEC,5266 +776332769,3159124,-329,3,PTT,30.4,30.4,sec,SEC,-294 +773664753,3159124,2770,1,anion gap,9.0,9,,,2971 +776934835,3159124,163,4,bedside glucose,102.0,102,mg/dL,MG/DL,286 +776332768,3159124,-329,3,MCV,91.0,91,fL,FL,-301 +775301084,3159124,235,3,MCV,93.0,93,fL,FL,336 +776148827,3159124,2080,3,PTT,45.0,45.0,sec,SEC,2107 +776332767,3159124,-329,3,PT - INR,1.18,1.18,ratio,,-294 +773664746,3159124,2770,1,glucose,87.0,87,mg/dL,MG/DL,2946 +774355650,3159124,-329,1,bicarbonate,23.0,23,mmol/L,MEQ/L,-288 +774075621,3159124,235,1,troponin - I,1.39,1.39,ng/mL,NG/ML,285 +774355651,3159124,-329,1,total protein,6.0,6.0,g/dL,GM/DL,-288 +773664748,3159124,2770,1,creatinine,0.7,0.7,mg/dL,MG/DL,2946 +774355645,3159124,-329,1,anion gap,20.0,20,,,-288 +775301085,3159124,235,3,Hgb,12.4,12.4,g/dL,GM/DL,336 +774355652,3159124,-329,1,calcium,8.9,8.9,mg/dL,MG/DL,-288 +773542180,3159124,7180,1,bicarbonate,27.0,27,mmol/L,MEQ/L,7250 +774355648,3159124,-329,1,magnesium,2.4,2.4,mg/dL,MG/DL,-288 +774075619,3159124,235,1,CPK-MB,5.0,5.0,ng/mL,NG/ML,284 +776368485,3159124,1304,3,MCHC,33.0,33,g/dL,G/DL,1313 +774198975,3159124,1304,1,BUN,52.0,52,mg/dL,MG/DL,1347 +774355658,3159124,-329,1,CPK-MB,5.9,5.9,ng/mL,NG/ML,-260 +775301086,3159124,235,3,WBC x 1000,7.6,7.6,K/mcL,THOU/UL,336 +776368486,3159124,1304,3,RDW,13.7,13.7,%,%,1313 +773664755,3159124,2770,1,phosphate,1.5,1.5,mg/dL,MG/DL,2986 +774355649,3159124,-329,1,albumin,3.1,3.1,g/dL,GM/DL,-288 +774075616,3159124,235,1,phosphate,5.3,5.3,mg/dL,MG/DL,386 +776044746,3159124,5560,3,PTT,72.4,72.4,sec,SEC,5593 +774198977,3159124,1304,1,sodium,140.0,140,mmol/L,MEQ/L,1347 +774355657,3159124,-329,1,chloride,99.0,99,mmol/L,MEQ/L,-288 +775301082,3159124,235,3,Hct,37.8,37.8,%,%,336 +776368487,3159124,1304,3,platelets x 1000,151.0,151,K/mcL,THOU/UL,1313 +773542181,3159124,7180,1,anion gap,7.0,7,,,7250 +774355646,3159124,-329,1,AST (SGOT),18.0,18,Units/L,IU/L,-288 +774075615,3159124,235,1,calcium,8.1,8.1,mg/dL,MG/DL,386 +776324754,3159124,1304,3,PTT,39.2,39.2,sec,SEC,1324 +774198978,3159124,1304,1,potassium,3.1,3.1,mmol/L,MEQ/L,1347 +774355643,3159124,-329,1,creatinine,6.2,6.2,mg/dL,MG/DL,-288 +775301089,3159124,235,3,-monos,7.8,7.8,%,%,336 +776368480,3159124,1304,3,RBC,3.75,3.75,M/mcL,MILL/UL,1313 +773664754,3159124,2770,1,calcium,7.8,7.8,mg/dL,MG/DL,2971 +774355654,3159124,-329,1,troponin - I,2.04,2.04,ng/mL,NG/ML,-260 +774075611,3159124,235,1,potassium,3.0,3.0,mmol/L,MEQ/L,386 +776368479,3159124,1304,3,WBC x 1000,6.9,6.9,K/mcL,THOU/UL,1313 +774198979,3159124,1304,1,chloride,113.0,113,mmol/L,MEQ/L,1347 +774355644,3159124,-329,1,alkaline phos.,65.0,65,Units/L,IU/L,-288 +775301083,3159124,235,3,-eos,0.0,0.0,%,%,336 +776368481,3159124,1304,3,Hgb,11.3,11.3,g/dL,GM/DL,1313 +773664756,3159124,2770,1,magnesium,2.0,2.0,mg/dL,MG/DL,2946 +774355647,3159124,-329,1,sodium,138.0,138,mmol/L,MEQ/L,-288 +774075617,3159124,235,1,magnesium,2.2,2.2,mg/dL,MG/DL,386 +776368482,3159124,1304,3,Hct,34.6,34.6,%,%,1313 +774198976,3159124,1304,1,creatinine,1.2,1.2,mg/dL,MG/DL,1347 +774355653,3159124,-329,1,CPK,81.0,81,Units/L,IU/L,-288 +775301087,3159124,235,3,RDW,14.1,14.1,%,%,336 +776368483,3159124,1304,3,MCV,92.0,92,fL,FL,1313 +773542182,3159124,7180,1,calcium,7.7,7.7,mg/dL,MG/DL,7250 +774355655,3159124,-329,1,ALT (SGPT),15.0,15,Units/L,IU/L,-288 +774075612,3159124,235,1,chloride,106.0,106,mmol/L,MEQ/L,386 +776368492,3159124,1304,3,-eos,0.1,0.1,%,%,1313 +774198980,3159124,1304,1,bicarbonate,22.0,22,mmol/L,MEQ/L,1347 +774355640,3159124,-329,1,total bilirubin,1.0,1.0,mg/dL,MG/DL,-288 +775301080,3159124,235,3,-basos,0.1,0.1,%,%,336 +776368493,3159124,1304,3,-basos,0.1,0.1,%,%,1313 +773664747,3159124,2770,1,BUN,16.0,16,mg/dL,MG/DL,2946 +774355641,3159124,-329,1,CPK-MB INDEX,7.2,7.2,%,,-260 +774075608,3159124,235,1,BUN,98.0,98,mg/dL,MG/DL,386 +776368491,3159124,1304,3,-monos,9.0,9.0,%,%,1313 +774198982,3159124,1304,1,calcium,7.9,7.9,mg/dL,MG/DL,1347 +774355656,3159124,-329,1,glucose,143.0,143,mg/dL,MG/DL,-288 +775301088,3159124,235,3,MCH,30.0,30,pg,PG,336 +776368484,3159124,1304,3,MCH,30.0,30,pg,PG,1313 +773542174,3159124,7180,1,glucose,98.0,98,mg/dL,MG/DL,7250 +774355642,3159124,-329,1,potassium,3.8,3.8,mmol/L,MEQ/L,-288 +774075609,3159124,235,1,creatinine,3.6,3.6,mg/dL,MG/DL,386 +776368488,3159124,1304,3,MPV,9.0,9.0,fL,FL,1313 +774198981,3159124,1304,1,anion gap,8.0,8,,,1347 +774355659,3159124,-329,1,BUN,111.0,111,mg/dL,MG/DL,-288 +775301090,3159124,235,3,MCHC,33.0,33,g/dL,G/DL,336 +776778402,3159124,3305,3,PTT,35.5,35.5,sec,SEC,3329 +773542183,3159124,7180,1,phosphate,3.0,3.0,mg/dL,MG/DL,7250 +776368489,3159124,1304,3,-polys,84.4,84.4,%,%,1313 +774075610,3159124,235,1,sodium,140.0,140,mmol/L,MEQ/L,386 +776352977,3159124,10095,3,PTT,32.4,32.4,sec,SEC,10187 +774198974,3159124,1304,1,glucose,110.0,110,mg/dL,MG/DL,1347 +776971949,3159124,386,4,bedside glucose,124.0,124,mg/dL,MG/DL,666 +775301081,3159124,235,3,-polys,88.4,88.4,%,%,336 +775192552,3159124,3170,3,PTT,154.3,154.3,sec,SEC,3214 +777307618,3159124,655,4,urinary specific gravity,1.019,1.019,,,691 +775359589,3159124,4710,3,PTT,79.3,79.3,sec,SEC,4745 +774075607,3159124,235,1,glucose,155.0,155,mg/dL,MG/DL,386 +777058941,3159124,-240,4,urinary specific gravity,1.018,1.018,,,-227 +777211216,3159124,1304,4,serum osmolality,293.0,293,mOsm/kg H2O,MOSM/KG,1347 +776368490,3159124,1304,3,-lymphs,6.4,6.4,%,%,1313 +776895130,3159124,15,4,bedside glucose,111.0,111,mg/dL,MG/DL,60 +776422871,3159124,8670,3,PTT,75.3,75.3,sec,SEC,8706 +776879958,3159124,688,4,bedside glucose,89.0,89,mg/dL,MG/DL,920 +777050134,3159124,7180,4,serum osmolality,271.0,271,mOsm/kg H2O,MOSM/KG,7250 +775466938,3159124,3640,3,PTT,55.5,55.5,sec,SEC,3669 +774976639,3159124,10525,3,PTT,56.9,56.9,sec,SEC,10538 +774075613,3159124,235,1,bicarbonate,22.0,22,mmol/L,MEQ/L,386 +777080070,3159124,2770,4,serum osmolality,282.0,282,mOsm/kg H2O,MOSM/KG,2946 +775706663,3159124,2770,3,PTT,41.6,41.6,sec,SEC,2932 +776585286,3159124,7455,3,PTT,65.0,65.0,sec,SEC,7475 +776566556,3159124,2440,3,PTT,38.2,38.2,sec,SEC,2470 +776509838,3159124,4270,3,PTT,75.8,75.8,sec,SEC,4320 +776234703,3159124,9733,3,PTT,59.7,59.7,sec,SEC,9794 +775423135,3159124,6630,3,PTT,55.4,55.4,sec,SEC,6658 +775744981,3159124,6005,3,PTT,70.7,70.7,sec,SEC,6030 +777348191,3159124,-329,4,serum osmolality,312.0,312,mOsm/kg H2O,MOSM/KG,-288 +482691316,2193649,5162,1,BUN,43.0,43,mg/dL,mg/dL,5287 +482691314,2193649,5162,1,glucose,156.0,156,mg/dL,mg/dL,5287 +482691313,2193649,5162,1,calcium,8.4,8.4,mg/dL,mg/dL,5287 +482691315,2193649,5162,1,chloride,106.0,106,mmol/L,mmol/L,5287 +482691309,2193649,5162,1,potassium,4.0,4.0,mmol/L,mmol/L,5287 +483246213,2193649,2267,1,glucose,186.0,186,mg/dL,mg/dL,2354 +482691310,2193649,5162,1,creatinine,2.1,2.10,mg/dL,mg/dL,5287 +500962897,2193649,6647,3,MCHC,33.2,33.2,g/dL,%,6705 +483403555,2193649,9407,1,chloride,110.0,110,mmol/L,mmol/L,9462 +500962898,2193649,6647,3,platelets x 1000,134.0,134,K/mcL,K/uL,6705 +515540649,2193649,5329,4,bedside glucose,135.0,135,mg/dL,mg/dL,5329 +500962885,2193649,6647,3,-lymphs,5.0,5,%,%,6705 +483246215,2193649,2267,1,BUN,53.0,53,mg/dL,mg/dL,2354 +500962895,2193649,6647,3,MCH,27.5,27.5,pg,pg,6705 +482691311,2193649,5162,1,sodium,138.0,138,mmol/L,mmol/L,5287 +500962894,2193649,6647,3,RDW,14.7,14.7,%,%,6705 +483403554,2193649,9407,1,glucose,78.0,78,mg/dL,mg/dL,9462 +500962896,2193649,6647,3,-monos,6.0,6,%,%,6705 +515669067,2193649,9652,4,bedside glucose,78.0,78,mg/dL,mg/dL,9652 +500962887,2193649,6647,3,-basos,0.0,0,%,%,6705 +483246210,2193649,2267,1,sodium,133.0,133,mmol/L,mmol/L,2354 +481646228,2193649,8122,1,chloride,107.0,107,mmol/L,mmol/L,8177 +482691312,2193649,5162,1,bicarbonate,21.0,21,mmol/L,mmol/L,5287 +500962886,2193649,6647,3,RBC,3.27,3.27,M/mcL,M/uL,6705 +483403556,2193649,9407,1,BUN,76.0,76,mg/dL,mg/dL,9462 +481646229,2193649,8122,1,BUN,58.0,58,mg/dL,mg/dL,8177 +516611506,2193649,11097,4,bedside glucose,77.0,77,mg/dL,mg/dL,11097 +500962891,2193649,6647,3,MCV,82.9,82.9,fL,fL,6705 +516640369,2193649,2795,4,bedside glucose,162.0,162,mg/dL,mg/dL,2795 +481646227,2193649,8122,1,glucose,126.0,126,mg/dL,mg/dL,8177 +483246211,2193649,2267,1,bicarbonate,16.0,16,mmol/L,mmol/L,2354 +500962890,2193649,6647,3,-eos,0.0,0,%,%,6705 +483414379,2193649,6647,1,chloride,107.0,107,mmol/L,mmol/L,6706 +481646223,2193649,8122,1,creatinine,2.26,2.26,mg/dL,mg/dL,8177 +483403552,2193649,9407,1,bicarbonate,22.0,22,mmol/L,mmol/L,9462 +500962892,2193649,6647,3,Hgb,9.0,9.0,g/dL,g/dL,6705 +483414380,2193649,6647,1,BUN,54.0,54,mg/dL,mg/dL,6706 +489632942,2193649,37,1,creatinine,2.35,2.35,mg/dL,mg/dL,71 +483246208,2193649,2267,1,potassium,4.5,4.5,mmol/L,mmol/L,2354 +481646224,2193649,8122,1,sodium,139.0,139,mmol/L,mmol/L,8177 +483414373,2193649,6647,1,potassium,3.6,3.6,mmol/L,mmol/L,6706 +501535339,2193649,8122,3,platelets x 1000,158.0,158,K/mcL,K/uL,8166 +489632943,2193649,37,1,sodium,138.0,138,mmol/L,mmol/L,71 +483403553,2193649,9407,1,calcium,8.2,8.2,mg/dL,mg/dL,9462 +501535338,2193649,8122,3,MCHC,33.2,33.2,g/dL,%,8166 +500962884,2193649,6647,3,MPV,11.5,11.5,fL,fL,6705 +483414378,2193649,6647,1,glucose,151.0,151,mg/dL,mg/dL,6706 +501535337,2193649,8122,3,-monos,7.0,7,%,%,8166 +489632941,2193649,37,1,potassium,4.0,4.0,mmol/L,mmol/L,71 +483246212,2193649,2267,1,calcium,7.7,7.7,mg/dL,mg/dL,2354 +501535333,2193649,8122,3,Hgb,9.7,9.7,g/dL,g/dL,8166 +481646222,2193649,8122,1,potassium,3.8,3.8,mmol/L,mmol/L,8177 +483414376,2193649,6647,1,bicarbonate,22.0,22,mmol/L,mmol/L,6706 +501535334,2193649,8122,3,WBC x 1000,10.4,10.4,K/mcL,K/uL,8166 +489632944,2193649,37,1,bicarbonate,16.0,16,mmol/L,mmol/L,71 +483403549,2193649,9407,1,potassium,3.8,3.8,mmol/L,mmol/L,9462 +501535336,2193649,8122,3,MCH,27.5,27.5,pg,pg,8166 +500962888,2193649,6647,3,-polys,88.0,88,%,%,6705 +483414375,2193649,6647,1,sodium,139.0,139,mmol/L,mmol/L,6706 +501535332,2193649,8122,3,MCV,82.7,82.7,fL,fL,8166 +489632945,2193649,37,1,calcium,6.0,6.0,mg/dL,mg/dL,71 +483246209,2193649,2267,1,creatinine,2.17,2.17,mg/dL,mg/dL,2354 +501535335,2193649,8122,3,RDW,15.0,15.0,%,%,8166 +481646225,2193649,8122,1,bicarbonate,20.0,20,mmol/L,mmol/L,8177 +516246804,2193649,8220,4,bedside glucose,104.0,104,mg/dL,mg/dL,8220 +501535327,2193649,8122,3,RBC,3.53,3.53,M/mcL,M/uL,8166 +489632946,2193649,37,1,glucose,75.0,75,mg/dL,mg/dL,71 +483403550,2193649,9407,1,creatinine,2.09,2.09,mg/dL,mg/dL,9462 +501535326,2193649,8122,3,-lymphs,8.0,8,%,%,8166 +510991334,2193649,10009,3,MCH,27.7,27.7,pg,pg,10022 +500962889,2193649,6647,3,Hct,27.1,27.1,%,%,6705 +508797865,2193649,3727,3,platelets x 1000,132.0,132,K/mcL,K/uL,3809 +483414377,2193649,6647,1,calcium,8.5,8.5,mg/dL,mg/dL,6706 +510991337,2193649,10009,3,platelets x 1000,172.0,172,K/mcL,K/uL,10022 +509192312,2193649,10402,3,platelets x 1000,181.0,181,K/mcL,K/uL,10432 +501535328,2193649,8122,3,-basos,0.0,0,%,%,8166 +503806633,2193649,5162,3,-eos,0.0,0,%,%,5252 +509192308,2193649,10402,3,RDW,15.3,15.3,%,%,10432 +489632947,2193649,37,1,chloride,109.0,109,mmol/L,mmol/L,71 +510991333,2193649,10009,3,RDW,15.2,15.2,%,%,10022 +509192309,2193649,10402,3,MCH,27.5,27.5,pg,pg,10432 +483246214,2193649,2267,1,chloride,103.0,103,mmol/L,mmol/L,2354 +508797851,2193649,3727,3,MPV,12.3,12.3,fL,fL,3809 +509192311,2193649,10402,3,MCHC,32.9,32.9,g/dL,%,10432 +501535329,2193649,8122,3,-polys,85.0,85,%,%,8166 +510991335,2193649,10009,3,-monos,1.0,1,%,%,10066 +509192310,2193649,10402,3,-monos,1.0,1,%,%,10432 +481646226,2193649,8122,1,calcium,8.4,8.4,mg/dL,mg/dL,8177 +503806632,2193649,5162,3,Hct,22.9,22.9,%,%,5252 +509192298,2193649,10402,3,MPV,10.5,10.5,fL,fL,10432 +516074943,2193649,6774,4,bedside glucose,138.0,138,mg/dL,mg/dL,6774 +510991324,2193649,10009,3,-lymphs,4.0,4,%,%,10066 +509192307,2193649,10402,3,WBC x 1000,19.0,19.0,K/mcL,K/uL,10432 +501535325,2193649,8122,3,MPV,10.7,10.7,fL,fL,8166 +508797862,2193649,3727,3,MCH,27.4,27.4,pg,pg,3809 +509192299,2193649,10402,3,-lymphs,6.0,6,%,%,10432 +489632948,2193649,37,1,BUN,58.0,58,mg/dL,mg/dL,71 +510991336,2193649,10009,3,MCHC,33.0,33.0,g/dL,%,10022 +509192300,2193649,10402,3,RBC,2.65,2.65,M/mcL,M/uL,10432 +482951661,2193649,937,1,troponin - T,0.03,0.03,ng/mL,ng/mL,965 +503806631,2193649,5162,3,-polys,88.0,88,%,%,5252 +509192303,2193649,10402,3,Hct,22.2,22.2,%,%,10432 +501535330,2193649,8122,3,Hct,29.2,29.2,%,%,8166 +510991326,2193649,10009,3,-basos,0.0,0,%,%,10066 +509192304,2193649,10402,3,-eos,0.0,0,%,%,10432 +516374944,2193649,3508,4,bedside glucose,109.0,109,mg/dL,mg/dL,3508 +508797852,2193649,3727,3,-lymphs,4.0,4,%,%,3809 +509192301,2193649,10402,3,-basos,0.0,0,%,%,10432 +483414374,2193649,6647,1,creatinine,2.29,2.29,mg/dL,mg/dL,6706 +510991323,2193649,10009,3,MPV,10.0,10.0,fL,fL,10022 +509192302,2193649,10402,3,-polys,93.0,93,%,%,10432 +501535331,2193649,8122,3,-eos,0.0,0,%,%,8166 +503806630,2193649,5162,3,-basos,0.0,0,%,%,5252 +509192305,2193649,10402,3,MCV,83.8,83.8,fL,fL,10432 +500962893,2193649,6647,3,WBC x 1000,10.0,10.0,K/mcL,K/uL,6705 +510991325,2193649,10009,3,RBC,2.71,2.71,M/mcL,M/uL,10022 +509192306,2193649,10402,3,Hgb,7.3,7.3,g/dL,g/dL,10432 +483403551,2193649,9407,1,sodium,141.0,141,mmol/L,mmol/L,9462 +508797863,2193649,3727,3,-monos,3.0,3,%,%,3809 +500464955,2193649,837,3,-basos,0.0,0,%,%,979 +510991330,2193649,10009,3,MCV,83.8,83.8,fL,fL,10022 +499796015,2193649,2267,3,Hct,26.4,26.4,%,%,2329 +503806629,2193649,5162,3,RBC,2.73,2.73,M/mcL,M/uL,5252 +500464957,2193649,837,3,-eos,0.0,0,%,%,979 +510991331,2193649,10009,3,Hgb,7.5,7.5,g/dL,g/dL,10022 +499796016,2193649,2267,3,-eos,0.0,0,%,%,2329 +508797864,2193649,3727,3,MCHC,32.2,32.2,g/dL,%,3809 +500464954,2193649,837,3,-lymphs,4.0,4,%,%,979 +510991327,2193649,10009,3,-polys,93.0,93,%,%,10066 +499796012,2193649,2267,3,RBC,3.12,3.12,M/mcL,M/uL,2329 +503806628,2193649,5162,3,-lymphs,6.0,6,%,%,5252 +500464956,2193649,837,3,-polys,59.0,59,%,%,979 +510991328,2193649,10009,3,Hct,22.7,22.7,%,%,10022 +499796013,2193649,2267,3,-basos,0.0,0,%,%,2329 +508797857,2193649,3727,3,-eos,0.0,0,%,%,3809 +500464952,2193649,837,3,MCHC,32.2,32.2,g/dL,%,864 +510991332,2193649,10009,3,WBC x 1000,23.5,23.5,K/mcL,K/uL,10022 +499796017,2193649,2267,3,MCV,84.6,84.6,fL,fL,2329 +503806627,2193649,5162,3,MPV,11.3,11.3,fL,fL,5252 +500464953,2193649,837,3,platelets x 1000,179.0,179,K/mcL,K/uL,864 +514701256,2193649,6873,4,bedside glucose,160.0,160,mg/dL,mg/dL,6873 +499796018,2193649,2267,3,Hgb,8.6,8.6,g/dL,g/dL,2329 +508797858,2193649,3727,3,MCV,84.9,84.9,fL,fL,3809 +500464958,2193649,837,3,-bands,34.0,34,%,%,979 +510991329,2193649,10009,3,-eos,1.0,1,%,%,10066 +499796014,2193649,2267,3,-polys,91.0,91,%,%,2329 +503806634,2193649,5162,3,MCV,83.9,83.9,fL,fL,5252 +500464947,2193649,837,3,MCV,86.9,86.9,fL,fL,864 +514704488,2193649,5162,4,CRP,5.4,5.4,mg/dL,mg/dL,5287 +499796010,2193649,2267,3,MPV,11.9,11.9,fL,fL,2329 +508797856,2193649,3727,3,Hct,24.2,24.2,%,%,3809 +500464948,2193649,837,3,Hgb,9.8,9.8,g/dL,g/dL,864 +515560065,2193649,3825,4,bedside glucose,123.0,123,mg/dL,mg/dL,3825 +499796024,2193649,2267,3,platelets x 1000,149.0,149,K/mcL,K/uL,2329 +503806635,2193649,5162,3,Hgb,7.4,7.4,g/dL,g/dL,5252 +500464949,2193649,837,3,WBC x 1000,39.3,39.3,K/mcL,K/uL,864 +536266311,2193649,752,7,Base Excess,-9.4,-9.4,mEq/L,mmol/L,760 +499796021,2193649,2267,3,MCH,27.6,27.6,pg,pg,2329 +508797859,2193649,3727,3,Hgb,7.8,7.8,g/dL,g/dL,3809 +500464944,2193649,837,3,MPV,12.6,12.6,fL,fL,864 +515757529,2193649,5926,4,bedside glucose,165.0,165,mg/dL,mg/dL,5926 +499796020,2193649,2267,3,RDW,15.1,15.1,%,%,2329 +503806636,2193649,5162,3,WBC x 1000,8.1,8.1,K/mcL,K/uL,5252 +500464945,2193649,837,3,RBC,3.5,3.50,M/mcL,M/uL,864 +514390015,2193649,6647,4,CRP,2.7,2.7,mg/dL,mg/dL,6706 +499796019,2193649,2267,3,WBC x 1000,23.6,23.6,K/mcL,K/uL,2329 +508797854,2193649,3727,3,-basos,0.0,0,%,%,3809 +536208609,2193649,2687,7,paO2,68.0,68,mm Hg,mm Hg,2697 +536266309,2193649,752,7,pH,7.31,7.31,,,760 +500464946,2193649,837,3,Hct,30.4,30.4,%,%,864 +503806641,2193649,5162,3,platelets x 1000,127.0,127,K/mcL,K/uL,5252 +536208610,2193649,2687,7,paCO2,31.0,31,mm Hg,mm Hg,2697 +515627675,2193649,7388,4,bedside glucose,107.0,107,mg/dL,mg/dL,7388 +499796022,2193649,2267,3,-monos,3.0,3,%,%,2329 +513658220,2193649,10977,3,MCH,27.6,27.6,pg,pg,11006 +536208608,2193649,2687,7,HCO3,20.0,20,mmol/L,mmol/L,2697 +516104184,2193649,3727,4,CRP,10.4,10.4,mg/dL,mg/dL,3817 +500464951,2193649,837,3,MCH,28.0,28.0,pg,pg,864 +508797855,2193649,3727,3,-polys,92.0,92,%,%,3809 +516649635,2193649,9930,4,bedside glucose,84.0,84,mg/dL,mg/dL,9930 +536266306,2193649,752,7,HCO3,17.0,17,mmol/L,mmol/L,760 +499796011,2193649,2267,3,-lymphs,5.0,5,%,%,2329 +503806640,2193649,5162,3,MCHC,32.3,32.3,g/dL,%,5252 +536208612,2193649,2687,7,O2 Sat (%),95.0,95,%,%,2697 +515966988,2193649,3093,4,bedside glucose,126.0,126,mg/dL,mg/dL,3093 +500464950,2193649,837,3,RDW,15.3,15.3,%,%,864 +513658222,2193649,10977,3,MCHC,32.8,32.8,g/dL,%,11006 +536208613,2193649,2687,7,Base Excess,-4.8,-4.8,mEq/L,mmol/L,2697 +514637339,2193649,10977,4,CRP,3.5,3.5,mg/dL,mg/dL,11009 +499796023,2193649,2267,3,MCHC,32.6,32.6,g/dL,%,2329 +508797860,2193649,3727,3,WBC x 1000,11.8,11.8,K/mcL,K/uL,3809 +536208611,2193649,2687,7,pH,7.4,7.40,,,2697 +536266308,2193649,752,7,paCO2,32.0,32,mm Hg,mm Hg,760 +500464959,2193649,837,3,-monos,1.0,1,%,%,979 +485639333,2193649,837,1,bicarbonate,16.0,16,mmol/L,mmol/L,1028 +537283206,2193649,27,7,O2 Sat (%),88.0,88,%,%,40 +503806637,2193649,5162,3,RDW,15.1,15.1,%,%,5252 +537283207,2193649,27,7,Base Excess,-9.1,-9.1,mEq/L,mmol/L,40 +514817892,2193649,9407,4,CRP,1.2,1.2,mg/dL,mg/dL,9462 +537283205,2193649,27,7,pH,7.28,7.28,,,40 +495724256,2193649,3727,1,chloride,104.0,104,mmol/L,mmol/L,3817 +537283203,2193649,27,7,paO2,58.0,58,mm Hg,mm Hg,40 +513658223,2193649,10977,3,platelets x 1000,174.0,174,K/mcL,K/uL,11006 +537283202,2193649,27,7,HCO3,17.0,17,mmol/L,mmol/L,40 +515072413,2193649,8122,4,CRP,1.5,1.5,mg/dL,mg/dL,8177 +537283204,2193649,27,7,paCO2,35.0,35,mm Hg,mm Hg,40 +485639334,2193649,837,1,calcium,7.3,7.3,mg/dL,mg/dL,1028 +509613194,2193649,10977,3,WBC x 1000,15.2,15.2,K/mcL,K/uL,11006 +508797861,2193649,3727,3,RDW,15.0,15.0,%,%,3809 +509613195,2193649,10977,3,RDW,15.5,15.5,%,%,11006 +536266307,2193649,752,7,paO2,88.0,88,mm Hg,mm Hg,760 +509613189,2193649,10977,3,-polys,86.0,86,%,%,11006 +495724253,2193649,3727,1,bicarbonate,21.0,21,mmol/L,mmol/L,3817 +509613190,2193649,10977,3,Hct,19.2,19.2,%,%,11006 +503806638,2193649,5162,3,MCH,27.1,27.1,pg,pg,5252 +509613191,2193649,10977,3,-eos,0.0,0,%,%,11006 +515312457,2193649,4514,4,bedside glucose,164.0,164,mg/dL,mg/dL,4514 +509613192,2193649,10977,3,MCV,84.2,84.2,fL,fL,11006 +485639332,2193649,837,1,sodium,134.0,134,mmol/L,mmol/L,1028 +509613188,2193649,10977,3,-basos,0.0,0,%,%,11006 +513658221,2193649,10977,3,-monos,4.0,4,%,%,11006 +515626436,2193649,10380,4,bedside glucose,124.0,124,mg/dL,mg/dL,10380 +515974744,2193649,4726,4,bedside glucose,132.0,132,mg/dL,mg/dL,4726 +509613193,2193649,10977,3,Hgb,6.3,6.3,g/dL,g/dL,11006 +495724255,2193649,3727,1,glucose,129.0,129,mg/dL,mg/dL,3817 +515741895,2193649,2267,4,CRP,17.4,17.4,mg/dL,mg/dL,2354 +508797853,2193649,3727,3,RBC,2.85,2.85,M/mcL,M/uL,3809 +509613185,2193649,10977,3,MPV,10.4,10.4,fL,fL,11006 +536266310,2193649,752,7,O2 Sat (%),96.0,96,%,%,760 +514383511,2193649,10252,4,bedside glucose,96.0,96,mg/dL,mg/dL,10252 +485639335,2193649,837,1,glucose,114.0,114,mg/dL,mg/dL,1028 +509613186,2193649,10977,3,-lymphs,10.0,10,%,%,11006 +503806639,2193649,5162,3,-monos,5.0,5,%,%,5252 +485853234,2193649,37,1,CPK,410.0,410,Units/L,U/L,71 +484843456,2193649,37,1,lactate,1.0,1.0,mmol/L,mmol/L,64 +509613187,2193649,10977,3,RBC,2.28,2.28,M/mcL,M/uL,11006 +495724254,2193649,3727,1,calcium,8.1,8.1,mg/dL,mg/dL,3817 +516345093,2193649,4165,4,bedside glucose,127.0,127,mg/dL,mg/dL,4165 +486560489,2193649,10977,1,chloride,109.0,109,mmol/L,mmol/L,11009 +513932660,2193649,8805,4,bedside glucose,103.0,103,mg/dL,mg/dL,8805 +485639336,2193649,837,1,chloride,103.0,103,mmol/L,mmol/L,1028 +489725738,2193649,937,1,CPK-MB,6.2,6.2,ng/mL,ng/mL,1028 +486560490,2193649,10977,1,BUN,69.0,69,mg/dL,mg/dL,11009 +501923687,2193649,9407,3,-lymphs,9.0,9,%,%,9694 +495724257,2193649,3727,1,BUN,40.0,40,mg/dL,mg/dL,3817 +501923686,2193649,9407,3,MPV,11.3,11.3,fL,fL,9446 +486560486,2193649,10977,1,bicarbonate,22.0,22,mmol/L,mmol/L,11009 +501923688,2193649,9407,3,RBC,3.19,3.19,M/mcL,M/uL,9446 +485639330,2193649,837,1,potassium,4.4,4.4,mmol/L,mmol/L,1028 +501923689,2193649,9407,3,-basos,0.0,0,%,%,9694 +486560485,2193649,10977,1,sodium,140.0,140,mmol/L,mmol/L,11009 +501923701,2193649,9407,3,platelets x 1000,198.0,198,K/mcL,K/uL,9446 +495724252,2193649,3727,1,sodium,136.0,136,mmol/L,mmol/L,3817 +501923691,2193649,9407,3,Hct,26.9,26.9,%,%,9446 +486560487,2193649,10977,1,calcium,7.9,7.9,mg/dL,mg/dL,11009 +501923699,2193649,9407,3,-monos,5.0,5,%,%,9694 +485639337,2193649,837,1,BUN,64.0,64,mg/dL,mg/dL,1028 +501923700,2193649,9407,3,MCHC,33.1,33.1,g/dL,%,9446 +514464627,2193649,8498,4,bedside glucose,127.0,127,mg/dL,mg/dL,8498 +501923690,2193649,9407,3,-polys,83.0,83,%,%,9694 +516248366,2193649,837,4,CRP,24.5,24.5,mg/dL,mg/dL,1028 +501923694,2193649,9407,3,MCV,84.3,84.3,fL,fL,9446 +486560488,2193649,10977,1,glucose,96.0,96,mg/dL,mg/dL,11009 +501923695,2193649,9407,3,Hgb,8.9,8.9,g/dL,g/dL,9446 +495724250,2193649,3727,1,potassium,4.4,4.4,mmol/L,mmol/L,3817 +501923696,2193649,9407,3,WBC x 1000,21.6,21.6,K/mcL,K/uL,9446 +515602443,2193649,7050,4,bedside glucose,165.0,165,mg/dL,mg/dL,7050 +501923697,2193649,9407,3,RDW,15.2,15.2,%,%,9446 +485639331,2193649,837,1,creatinine,2.59,2.59,mg/dL,mg/dL,1028 +501923693,2193649,9407,3,-bands,1.0,1,%,%,9694 +486560483,2193649,10977,1,potassium,3.9,3.9,mmol/L,mmol/L,11009 +501923698,2193649,9407,3,MCH,27.9,27.9,pg,pg,9446 +515079217,2193649,8974,4,bedside glucose,109.0,109,mg/dL,mg/dL,8974 +501923692,2193649,9407,3,-eos,0.0,0,%,%,9694 +514417319,2193649,5598,4,bedside glucose,135.0,135,mg/dL,mg/dL,5598 +488322904,2193649,536,1,lactate,1.1,1.1,mmol/L,mmol/L,550 +495724251,2193649,3727,1,creatinine,1.84,1.84,mg/dL,mg/dL,3817 +514370153,2193649,6151,4,bedside glucose,118.0,118,mg/dL,mg/dL,6151 +486560484,2193649,10977,1,creatinine,1.84,1.84,mg/dL,mg/dL,11009 +514053211,2193649,7599,4,bedside glucose,132.0,132,mg/dL,mg/dL,7599 +742770712,3128596,-162,1,CPK-MB,6.1,6.1,ng/mL,ng/ml,-162 +742770708,3128596,-162,1,calcium,9.4,9.4,mg/dL,mg/dL,-162 +742770707,3128596,-162,1,bicarbonate,25.0,25,mmol/L,mmol/L,-162 +742770713,3128596,-162,1,CPK-MB INDEX,1.7,1.7,%,,-162 +742770711,3128596,-162,1,magnesium,2.1,2.1,mg/dL,mg/dL,-162 +742770705,3128596,-162,1,potassium,4.0,4.0,mmol/L,mmol/L,-162 +742770704,3128596,-162,1,sodium,138.0,138,mmol/L,mmol/L,-162 +742770701,3128596,-162,1,glucose,119.0,119,mg/dL,mg/dl,-162 +742770702,3128596,-162,1,BUN,16.0,16,mg/dL,mg/dL,-162 +742770706,3128596,-162,1,chloride,105.0,105,mmol/L,mmol/L,-162 +742770709,3128596,-162,1,CPK,354.0,354,Units/L,U/L,-162 +742770703,3128596,-162,1,creatinine,1.14,1.14,mg/dL,mg/dL,-162 +761366810,3128596,-162,4,TSH,3.83,3.83,mcU/ml,uIU/ml,-162 +299872412,1226362,5409,1,BUN,14.0,14,mg/dL,mg/dL,5460 +299872411,1226362,5409,1,chloride,99.0,99,mmol/L,mEq/L,5460 +299872404,1226362,5409,1,sodium,140.0,140,mmol/L,mEq/L,5460 +299872402,1226362,5409,1,alkaline phos.,79.0,79,Units/L,U/L,5460 +299872401,1226362,5409,1,creatinine,0.6,0.6,mg/dL,mg/dL,5460 +299872400,1226362,5409,1,potassium,3.8,3.8,mmol/L,mEq/L,5460 +299872399,1226362,5409,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,5460 +299872410,1226362,5409,1,glucose,86.0,86,mg/dL,mg/dL,5460 +297508948,1226362,6863,1,chloride,101.0,101,mmol/L,mEq/L,6915 +299872407,1226362,5409,1,total protein,5.4,5.4,g/dL,g/dL,5460 +297508949,1226362,6863,1,BUN,15.0,15,mg/dL,mg/dL,6915 +299872406,1226362,5409,1,bicarbonate,32.0,32,mmol/L,mEq/L,5460 +297508947,1226362,6863,1,glucose,124.0,124,mg/dL,mg/dL,6915 +326401615,1226362,14611,7,paCO2,62.7,62.7,mm Hg,mmHg,14626 +299872408,1226362,5409,1,calcium,8.8,8.8,mg/dL,mg/dL,5460 +326395313,1226362,-731,7,Base Excess,0.1,0.1,mEq/L,mEq/L,-713 +326401616,1226362,14611,7,pH,7.333,7.333,,,14626 +326395308,1226362,-731,7,paCO2,53.4,53.4,mm Hg,mmHg,-713 +297508943,1226362,6863,1,creatinine,0.6,0.6,mg/dL,mg/dL,6915 +293186190,1226362,12863,1,glucose,114.0,114,mg/dL,mg/dL,12904 +326401613,1226362,14611,7,LPM O2,6.0,6.0,L/min,L/min,14626 +326395307,1226362,-731,7,paO2,69.7,69.7,mm Hg,mmHg,-713 +299872403,1226362,5409,1,AST (SGOT),70.0,70,Units/L,U/L,5460 +293186186,1226362,12863,1,creatinine,1.2,1.2,mg/dL,mg/dL,12904 +326401611,1226362,14611,7,Total CO2,34.3,34.3,,mEq/L,14626 +326395309,1226362,-731,7,pH,7.312,7.312,,,-713 +295638027,1226362,3968,1,AST (SGOT),95.0,95,Units/L,U/L,4025 +293186185,1226362,12863,1,potassium,4.5,4.5,mmol/L,mEq/L,12904 +297508942,1226362,6863,1,potassium,3.6,3.6,mmol/L,mEq/L,6915 +326395311,1226362,-731,7,O2 Sat (%),89.2,89.2,%,%,-713 +295638034,1226362,3968,1,glucose,154.0,154,mg/dL,mg/dL,4025 +293186188,1226362,12863,1,bicarbonate,30.0,30,mmol/L,mEq/L,12904 +326401618,1226362,14611,7,O2 Sat (%),87.8,87.8,%,%,14626 +326395312,1226362,-731,7,Temperature,100.7,100.7,°C,,-713 +295638035,1226362,3968,1,chloride,103.0,103,mmol/L,mEq/L,4025 +293186187,1226362,12863,1,sodium,140.0,140,mmol/L,mEq/L,12904 +299872405,1226362,5409,1,albumin,2.5,2.5,g/dL,g/dL,5460 +294972737,1226362,15736,1,calcium,9.1,9.1,mg/dL,mg/dL,15802 +295638025,1226362,3968,1,creatinine,0.7,0.7,mg/dL,mg/dL,4025 +326395303,1226362,-731,7,Total CO2,27.3,27.3,,mEq/L,-713 +326401620,1226362,14611,7,Base Excess,5.9,5.9,mEq/L,mEq/L,14626 +294972736,1226362,15736,1,bicarbonate,35.0,35,mmol/L,mEq/L,15802 +295638026,1226362,3968,1,alkaline phos.,72.0,72,Units/L,U/L,4025 +293186189,1226362,12863,1,calcium,8.4,8.4,mg/dL,mg/dL,12904 +297508944,1226362,6863,1,sodium,141.0,141,mmol/L,mEq/L,6915 +294972739,1226362,15736,1,chloride,105.0,105,mmol/L,mEq/L,15802 +295638036,1226362,3968,1,BUN,19.0,19,mg/dL,mg/dL,4025 +326395305,1226362,-731,7,FiO2,44.0,44,%,%,-713 +326401619,1226362,14611,7,Temperature,98.6,98.6,°C,,14626 +294972740,1226362,15736,1,BUN,33.0,33,mg/dL,mg/dL,15802 +295638028,1226362,3968,1,sodium,142.0,142,mmol/L,mEq/L,4025 +293186191,1226362,12863,1,chloride,103.0,103,mmol/L,mEq/L,12904 +299872409,1226362,5409,1,ALT (SGPT),47.0,47,Units/L,U/L,5460 +294972738,1226362,15736,1,glucose,105.0,105,mg/dL,mg/dL,15802 +295638031,1226362,3968,1,total protein,5.3,5.3,g/dL,g/dL,4025 +326395306,1226362,-731,7,LPM O2,6.0,6.0,L/min,L/min,-713 +292877639,1226362,8451,1,sodium,141.0,141,mmol/L,mEq/L,8476 +294972734,1226362,15736,1,creatinine,0.7,0.7,mg/dL,mg/dL,15802 +326401612,1226362,14611,7,HCO3,32.4,32.4,mmol/L,mEq/L,14626 +312851244,1226362,-740,4,BNP,779.0,779,pg/mL,pg/mL,-673 +295638029,1226362,3968,1,albumin,2.4,2.4,g/dL,g/dL,4025 +294972735,1226362,15736,1,sodium,148.0,148,mmol/L,mEq/L,15802 +292877640,1226362,8451,1,bicarbonate,28.0,28,mmol/L,mEq/L,8476 +293186192,1226362,12863,1,BUN,41.0,41,mg/dL,mg/dL,12904 +297508946,1226362,6863,1,calcium,9.1,9.1,mg/dL,mg/dL,6915 +294972733,1226362,15736,1,potassium,4.3,4.3,mmol/L,mEq/L,15802 +295638033,1226362,3968,1,ALT (SGPT),51.0,51,Units/L,U/L,4025 +326395304,1226362,-731,7,HCO3,25.8,25.8,mmol/L,mEq/L,-713 +292877637,1226362,8451,1,potassium,3.5,3.5,mmol/L,mEq/L,8476 +294364683,1226362,1693,1,potassium,3.4,3.4,mmol/L,mEq/L,1741 +295529605,1226362,1367,1,troponin - I,0.28,0.28,ng/mL,ng/mL,1427 +296552017,1226362,5409,1,phosphate,2.4,2.4,mg/dL,mg/dL,5460 +326394232,1226362,1210,7,PEEP,5.0,5,cm H2O,,1219 +295638023,1226362,3968,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,4025 +326399354,1226362,15674,7,Temperature,98.0,98.0,°C,,15702 +292877642,1226362,8451,1,glucose,135.0,135,mg/dL,mg/dL,8476 +326399344,1226362,15674,7,Pressure Support,12.0,12,cm H2O,,15702 +298032039,1226362,3968,1,magnesium,2.3,2.3,mg/dL,mg/dL,4025 +326399349,1226362,15674,7,paO2,87.0,87.0,mm Hg,mmHg,15702 +295638032,1226362,3968,1,calcium,8.6,8.6,mg/dL,mg/dL,4025 +326392015,1226362,2670,7,Vent Other,5.6,5.6,,L/min,2684 +292877638,1226362,8451,1,creatinine,0.8,0.8,mg/dL,mg/dL,8476 +326392016,1226362,2670,7,Temperature,98.9,98.9,°C,,2684 +304544101,1226362,17208,3,MCH,22.9,22.9,pg,pg,17258 +326392014,1226362,2670,7,O2 Sat (%),96.7,96.7,%,%,2684 +326401614,1226362,14611,7,paO2,59.1,59.1,mm Hg,mmHg,14626 +326392017,1226362,2670,7,Base Excess,8.1,8.1,mEq/L,mEq/L,2684 +304544098,1226362,17208,3,MCV,75.5,75.5,fL,fL,17258 +326392012,1226362,2670,7,pH,7.433,7.433,,,2684 +295638030,1226362,3968,1,bicarbonate,32.0,32,mmol/L,mEq/L,4025 +326402254,1226362,19960,7,paCO2,42.8,42.8,mm Hg,mmHg,19976 +304544102,1226362,17208,3,MCHC,30.3,30.3,g/dL,g/dL,17258 +326394265,1226362,1210,7,Temperature,99.4,99.4,°C,,1219 +301453208,1226362,17208,1,chloride,111.0,111,mmol/L,mEq/L,17247 +326392011,1226362,2670,7,Respiratory Rate,16.0,16,/min,BPM,2684 +292877641,1226362,8451,1,calcium,9.4,9.4,mg/dL,mg/dL,8476 +326392010,1226362,2670,7,paCO2,50.5,50.5,mm Hg,mmHg,2684 +304544097,1226362,17208,3,Hct,23.1,23.1,%,%,17258 +326399351,1226362,15674,7,pH,7.238,7.238,,,15702 +301453207,1226362,17208,1,glucose,101.0,101,mg/dL,mg/dL,17247 +326399343,1226362,15674,7,PEEP,4.0,4,cm H2O,,15702 +297508945,1226362,6863,1,bicarbonate,30.0,30,mmol/L,mEq/L,6915 +326394234,1226362,1210,7,Total CO2,31.4,31.4,,mEq/L,1219 +304544099,1226362,17208,3,Hgb,7.0,7.0,g/dL,g/dL,17258 +326394266,1226362,1210,7,Base Excess,6.1,6.1,mEq/L,mEq/L,1219 +309299249,1226362,3968,3,MCV,74.9,74.9,fL,fL,4047 +326392009,1226362,2670,7,paO2,87.0,87.0,mm Hg,mmHg,2684 +301453205,1226362,17208,1,bicarbonate,31.0,31,mmol/L,mEq/L,17247 +326399350,1226362,15674,7,paCO2,80.7,80.7,mm Hg,mmHg,15702 +309299248,1226362,3968,3,Hct,35.0,35.0,%,%,4047 +326392003,1226362,2670,7,PEEP,0.0,0,cm H2O,,2684 +295633875,1226362,5409,1,magnesium,1.9,1.9,mg/dL,mg/dL,5460 +326402250,1226362,19960,7,Total CO2,29.4,29.4,,mEq/L,19976 +326394403,1226362,1416,7,Temperature,99.3,99.3,°C,,1444 +326402252,1226362,19960,7,FiO2,50.0,50,%,%,19976 +304544100,1226362,17208,3,WBC x 1000,11.28,11.28,K/mcL,x10 3/uL,17258 +326392004,1226362,2670,7,Pressure Support,5.0,5,cm H2O,,2684 +304948766,1226362,5409,3,platelets x 1000,170.0,170,K/mcL,x10 3/uL,5467 +326402248,1226362,19960,7,Pressure Support,5.0,5,cm H2O,,19976 +301453204,1226362,17208,1,sodium,149.0,149,mmol/L,mEq/L,17247 +326392006,1226362,2670,7,Total CO2,34.7,34.7,,mEq/L,2684 +326394402,1226362,1416,7,Vent Other,5.3,5.3,,L/min,1444 +326394261,1226362,1210,7,pH,7.46,7.460,,,1219 +292877643,1226362,8451,1,chloride,102.0,102,mmol/L,mEq/L,8476 +326399355,1226362,15674,7,Base Excess,5.3,5.3,mEq/L,mEq/L,15702 +309299250,1226362,3968,3,Hgb,10.6,10.6,g/dL,g/dL,4047 +326402253,1226362,19960,7,paO2,83.2,83.2,mm Hg,mmHg,19976 +304544096,1226362,17208,3,RBC,3.06,3.06,M/mcL,x10 6/uL,17258 +326402259,1226362,19960,7,Temperature,99.4,99.4,°C,,19976 +326394401,1226362,1416,7,O2 Sat (%),96.4,96.4,%,%,1444 +326399346,1226362,15674,7,Total CO2,35.9,35.9,,mEq/L,15702 +301453206,1226362,17208,1,calcium,8.7,8.7,mg/dL,mg/dL,17247 +326394263,1226362,1210,7,O2 Sat (%),98.4,98.4,%,%,1219 +304948764,1226362,5409,3,MCH,22.4,22.4,pg,pg,5467 +326402255,1226362,19960,7,pH,7.435,7.435,,,19976 +298542869,1226362,253,1,troponin - I,0.48,0.48,ng/mL,ng/mL,299 +326392007,1226362,2670,7,HCO3,33.1,33.1,mmol/L,mEq/L,2684 +326394397,1226362,1416,7,paO2,90.7,90.7,mm Hg,mmHg,1444 +326402260,1226362,19960,7,Base Excess,4.1,4.1,mEq/L,mEq/L,19976 +301281671,1226362,14038,1,calcium,8.7,8.7,mg/dL,mg/dL,14148 +326394236,1226362,1210,7,FiO2,40.0,40,%,%,1219 +309299251,1226362,3968,3,WBC x 1000,11.35,11.35,K/mcL,x10 3/uL,4047 +326394237,1226362,1210,7,paO2,115.0,115.0,mm Hg,mmHg,1219 +304544095,1226362,17208,3,MPV,9.4,9.4,fL,fL,17258 +326394235,1226362,1210,7,HCO3,30.1,30.1,mmol/L,mEq/L,1219 +326394394,1226362,1416,7,Total CO2,32.3,32.3,,mEq/L,1444 +326392686,1226362,18378,7,paCO2,51.4,51.4,mm Hg,mmHg,18387 +294713866,1226362,18430,1,creatinine,0.7,0.7,mg/dL,mg/dL,18486 +326394238,1226362,1210,7,paCO2,43.1,43.1,mm Hg,mmHg,1219 +304948765,1226362,5409,3,MCHC,30.0,30.0,g/dL,g/dL,5467 +326392687,1226362,18378,7,pH,7.41,7.410,,,18387 +301453202,1226362,17208,1,potassium,4.1,4.1,mmol/L,mEq/L,17247 +304460075,1226362,-739,3,MCHC,31.1,31.1,g/dL,g/dL,-701 +326394404,1226362,1416,7,Base Excess,5.7,5.7,mEq/L,mEq/L,1444 +326394264,1226362,1210,7,Vent Other,6.4,6.4,,L/min,1219 +301281672,1226362,14038,1,glucose,90.0,90,mg/dL,mg/dL,14148 +326392689,1226362,18378,7,O2 Sat (%),95.6,95.6,%,%,18387 +309299254,1226362,3968,3,platelets x 1000,181.0,181,K/mcL,x10 3/uL,4047 +304460074,1226362,-739,3,MCH,22.9,22.9,pg,pg,-701 +295638024,1226362,3968,1,potassium,3.7,3.7,mmol/L,mEq/L,4025 +326402257,1226362,19960,7,O2 Sat (%),96.7,96.7,%,%,19976 +326394398,1226362,1416,7,paCO2,50.4,50.4,mm Hg,mmHg,1444 +326392690,1226362,18378,7,Temperature,99.0,99.0,°C,,18387 +294713865,1226362,18430,1,potassium,4.1,4.1,mmol/L,mEq/L,18486 +304460076,1226362,-739,3,platelets x 1000,187.0,187,K/mcL,x10 3/uL,-701 +304948761,1226362,5409,3,MCV,74.6,74.6,fL,fL,5467 +326392008,1226362,2670,7,FiO2,40.0,40,%,%,2684 +304544103,1226362,17208,3,platelets x 1000,290.0,290,K/mcL,x10 3/uL,17258 +326392691,1226362,18378,7,Base Excess,6.9,6.9,mEq/L,mEq/L,18387 +295633733,1226362,-84,1,chloride,98.0,98,mmol/L,mEq/L,-39 +304460070,1226362,-739,3,Hct,35.7,35.7,%,%,-701 +301281673,1226362,14038,1,chloride,105.0,105,mmol/L,mEq/L,14148 +326394239,1226362,1210,7,Respiratory Rate,16.0,16,/min,BPM,1219 +326394395,1226362,1416,7,HCO3,30.8,30.8,mmol/L,mEq/L,1444 +326392680,1226362,18378,7,Pressure Support,5.0,5,cm H2O,,18387 +301453209,1226362,17208,1,BUN,32.0,32,mg/dL,mg/dL,17247 +304460069,1226362,-739,3,RBC,4.85,4.85,M/mcL,x10 6/uL,-701 +309299246,1226362,3968,3,MPV,9.9,9.9,fL,fL,4047 +326399348,1226362,15674,7,FiO2,60.0,60,%,%,15702 +294713869,1226362,18430,1,calcium,8.7,8.7,mg/dL,mg/dL,18486 +326392682,1226362,18378,7,Total CO2,33.4,33.4,,mEq/L,18387 +295633726,1226362,-84,1,sodium,139.0,139,mmol/L,mEq/L,-39 +304460068,1226362,-739,3,MPV,9.6,9.6,fL,fL,-701 +292877644,1226362,8451,1,BUN,19.0,19,mg/dL,mg/dL,8476 +326399353,1226362,15674,7,O2 Sat (%),98.2,98.2,%,%,15702 +326399761,1226362,11459,7,Total CO2,29.4,29.4,,mEq/L,11490 +326392683,1226362,18378,7,HCO3,31.8,31.8,mmol/L,mEq/L,18387 +301281667,1226362,14038,1,potassium,4.1,4.1,mmol/L,mEq/L,14148 +304460072,1226362,-739,3,Hgb,11.1,11.1,g/dL,g/dL,-701 +304948762,1226362,5409,3,Hgb,11.2,11.2,g/dL,g/dL,5467 +293684217,1226362,19769,1,sodium,153.0,153,mmol/L,mEq/L,19811 +299977908,1226362,1031,1,troponin - I,0.3,0.30,ng/mL,ng/mL,1097 +326399347,1226362,15674,7,HCO3,33.4,33.4,mmol/L,mEq/L,15702 +295633732,1226362,-84,1,glucose,98.0,98,mg/dL,mg/dL,-39 +293684218,1226362,19769,1,bicarbonate,30.0,30,mmol/L,mEq/L,19811 +302749383,1226362,-84,1,troponin - I,0.4,0.40,ng/mL,ng/mL,-7 +326392685,1226362,18378,7,paO2,79.5,79.5,mm Hg,mmHg,18387 +326399762,1226362,11459,7,HCO3,28.0,28.0,mmol/L,mEq/L,11490 +293684219,1226362,19769,1,calcium,8.8,8.8,mg/dL,mg/dL,19811 +294713867,1226362,18430,1,sodium,150.0,150,mmol/L,mEq/L,18486 +304460071,1226362,-739,3,MCV,73.6,73.6,fL,fL,-701 +309299252,1226362,3968,3,MCH,22.7,22.7,pg,pg,4047 +293684215,1226362,19769,1,potassium,3.6,3.6,mmol/L,mEq/L,19811 +301453203,1226362,17208,1,creatinine,0.7,0.7,mg/dL,mg/dL,17247 +326402258,1226362,19960,7,Vent Other,5.3,5.3,,L/min,19976 +295633734,1226362,-84,1,BUN,41.0,41,mg/dL,mg/dL,-39 +293684216,1226362,19769,1,creatinine,0.7,0.7,mg/dL,mg/dL,19811 +310048713,1226362,14841,3,Ferritin,396.41,396.41,ng/mL,ng/mL,15008 +305990831,1226362,14841,3,Fe,23.0,23,mcg/dL,ug/dL,14988 +326394396,1226362,1416,7,FiO2,40.0,40,%,%,1444 +312342752,1226362,5409,3,MPV,9.5,9.5,fL,fL,5467 +301281674,1226362,14038,1,BUN,33.0,33,mg/dL,mg/dL,14148 +293684221,1226362,19769,1,chloride,114.0,114,mmol/L,mEq/L,19811 +300096625,1226362,-740,1,BUN,41.0,41,mg/dL,mg/dL,-706 +305990830,1226362,14841,3,Fe/TIBC Ratio,8.0,8,%,%,14988 +304827367,1226362,19769,3,platelets x 1000,320.0,320,K/mcL,x10 3/uL,19839 +304460073,1226362,-739,3,WBC x 1000,15.8,15.80,K/mcL,x10 3/uL,-701 +295633725,1226362,-84,1,AST (SGOT),57.0,57,Units/L,U/L,-39 +293684222,1226362,19769,1,BUN,37.0,37,mg/dL,mg/dL,19811 +294713868,1226362,18430,1,bicarbonate,29.0,29,mmol/L,mEq/L,18486 +312772292,1226362,11854,4,urinary osmolality,460.0,460,mOsm/L,mOsm/kg,11908 +326399764,1226362,11459,7,LPM O2,4.0,4.0,L/min,L/min,11490 +326402251,1226362,19960,7,HCO3,28.1,28.1,mmol/L,mEq/L,19976 +304827365,1226362,19769,3,MCH,23.2,23.2,pg,pg,19839 +296818474,1226362,1031,1,phosphate,2.6,2.6,mg/dL,mg/dL,1062 +304948759,1226362,5409,3,RBC,5.0,5.00,M/mcL,x10 6/uL,5467 +313143964,1226362,11854,4,urinary specific gravity,1.018,1.018,,,11881 +301281669,1226362,14038,1,sodium,141.0,141,mmol/L,mEq/L,14148 +326392684,1226362,18378,7,FiO2,50.0,50,%,%,18387 +295633727,1226362,-84,1,albumin,2.9,2.9,g/dL,g/dL,-39 +293684220,1226362,19769,1,glucose,143.0,143,mg/dL,mg/dL,19811 +304827360,1226362,19769,3,RBC,3.41,3.41,M/mcL,x10 6/uL,19839 +305990832,1226362,14841,3,TIBC,296.0,296,mcg/dL,ug/dL,14988 +326394399,1226362,1416,7,pH,7.405,7.405,,,1444 +300456618,1226362,6863,1,magnesium,1.9,1.9,mg/dL,mg/dL,6915 +294713872,1226362,18430,1,BUN,37.0,37,mg/dL,mg/dL,18486 +312873102,1226362,14546,4,urinary specific gravity,1.016,1.016,,,14650 +300130342,1226362,-740,1,CPK,132.0,132,Units/L,U/L,-706 +326399362,1226362,15881,7,FiO2,60.0,60,%,%,15886 +304827359,1226362,19769,3,MPV,9.5,9.5,fL,fL,19839 +326395320,1226362,-86,7,O2 Sat (%),98.9,98.9,%,%,-60 +295633729,1226362,-84,1,total protein,6.2,6.2,g/dL,g/dL,-39 +326395545,1226362,-20,7,pH,7.377,7.377,,,209 +301281670,1226362,14038,1,bicarbonate,30.0,30,mmol/L,mEq/L,14148 +326399360,1226362,15881,7,Total CO2,35.1,35.1,,mEq/L,15886 +326399770,1226362,11459,7,Temperature,98.0,98.0,°C,,11490 +326395321,1226362,-86,7,Temperature,101.1,101.1,°C,,-60 +304827363,1226362,19769,3,Hgb,7.9,7.9,g/dL,g/dL,19839 +326395550,1226362,-20,7,Base Excess,6.1,6.1,mEq/L,mEq/L,209 +309299247,1226362,3968,3,RBC,4.67,4.67,M/mcL,x10 6/uL,4047 +326399365,1226362,15881,7,Respiratory Rate,16.0,16,/min,BPM,15886 +294713871,1226362,18430,1,chloride,113.0,113,mmol/L,mEq/L,18486 +326395322,1226362,-86,7,Base Excess,2.0,2.0,mEq/L,mEq/L,-60 +295633730,1226362,-84,1,calcium,8.4,8.4,mg/dL,mg/dL,-39 +326395544,1226362,-20,7,Respiratory Rate,16.0,16,/min,BPM,209 +304827362,1226362,19769,3,MCV,76.0,76.0,fL,fL,19839 +326399363,1226362,15881,7,paO2,71.8,71.8,mm Hg,mmHg,15886 +326399767,1226362,11459,7,pH,7.399,7.399,,,11490 +326395543,1226362,-20,7,paCO2,55.8,55.8,mm Hg,mmHg,209 +301281668,1226362,14038,1,creatinine,0.8,0.8,mg/dL,mg/dL,14148 +326395542,1226362,-20,7,paO2,110.0,110.0,mm Hg,mmHg,209 +300096623,1226362,-740,1,glucose,149.0,149,mg/dL,mg/dL,-706 +326395549,1226362,-20,7,Temperature,98.3,98.3,°C,,209 +304827364,1226362,19769,3,WBC x 1000,13.73,13.73,K/mcL,x10 3/uL,19839 +326395302,1226362,-86,7,Total CO2,32.7,32.7,,mEq/L,-60 +295633728,1226362,-84,1,bicarbonate,29.0,29,mmol/L,mEq/L,-39 +326395547,1226362,-20,7,O2 Sat (%),98.1,98.1,%,%,209 +294713870,1226362,18430,1,glucose,162.0,162,mg/dL,mg/dL,18486 +326399366,1226362,15881,7,pH,7.367,7.367,,,15886 +326399769,1226362,11459,7,O2 Sat (%),97.8,97.8,%,%,11490 +326395548,1226362,-20,7,Vent Other,6.5,6.5,,L/min,209 +304851175,1226362,14038,3,MCHC,31.7,31.7,g/dL,g/dL,14172 +326395317,1226362,-86,7,paCO2,79.1,79.1,mm Hg,mmHg,-60 +304948760,1226362,5409,3,Hct,37.3,37.3,%,%,5467 +326395318,1226362,-86,7,pH,7.219,7.219,,,-60 +326406849,1226362,19050,7,pH,7.412,7.412,,,19064 +326399370,1226362,15881,7,Base Excess,7.5,7.5,mEq/L,mEq/L,15886 +295633721,1226362,-84,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-39 +326399361,1226362,15881,7,HCO3,33.3,33.3,mmol/L,mEq/L,15886 +304827361,1226362,19769,3,Hct,25.9,25.9,%,%,19839 +326399364,1226362,15881,7,paCO2,59.0,59.0,mm Hg,mmHg,15886 +326399771,1226362,11459,7,Base Excess,3.1,3.1,mEq/L,mEq/L,11490 +326395314,1226362,-86,7,HCO3,30.4,30.4,mmol/L,mEq/L,-60 +300592194,1226362,1031,1,potassium,3.3,3.3,mmol/L,mEq/L,1062 +326395537,1226362,-20,7,PEEP,5.0,5,cm H2O,,209 +300096622,1226362,-740,1,ALT (SGPT),26.0,26,Units/L,U/L,-706 +326395539,1226362,-20,7,Total CO2,33.8,33.8,,mEq/L,209 +304851173,1226362,14038,3,WBC x 1000,17.13,17.13,K/mcL,x10 3/uL,14172 +300168968,1226362,11358,1,chloride,98.0,98,mmol/L,mEq/L,11410 +295633722,1226362,-84,1,potassium,4.3,4.3,mmol/L,mEq/L,-39 +326395540,1226362,-20,7,HCO3,32.0,32.0,mmol/L,mEq/L,209 +326406848,1226362,19050,7,paCO2,49.6,49.6,mm Hg,mmHg,19064 +300168965,1226362,11358,1,bicarbonate,28.0,28,mmol/L,mEq/L,11410 +326399765,1226362,11459,7,paO2,104.0,104.0,mm Hg,mmHg,11490 +326395541,1226362,-20,7,FiO2,50.0,50,%,%,209 +304851170,1226362,14038,3,Hct,25.9,25.9,%,%,14172 +300168963,1226362,11358,1,creatinine,2.6,2.6,mg/dL,mg/dL,11410 +309299253,1226362,3968,3,MCHC,30.3,30.3,g/dL,g/dL,4047 +326399369,1226362,15881,7,Temperature,98.0,98.0,°C,,15886 +300592195,1226362,1031,1,creatinine,0.8,0.8,mg/dL,mg/dL,1062 +300168964,1226362,11358,1,sodium,136.0,136,mmol/L,mEq/L,11410 +295633724,1226362,-84,1,alkaline phos.,128.0,128,Units/L,U/L,-39 +310439429,1226362,15736,3,MCHC,29.6,29.6,g/dL,g/dL,15800 +302830562,1226362,2511,1,potassium,3.6,3.6,mmol/L,mEq/L,2570 +326399359,1226362,15881,7,PEEP,5.0,5,cm H2O,,15886 +326394392,1226362,1416,7,Pressure Support,5.0,5,cm H2O,,1444 +310439427,1226362,15736,3,WBC x 1000,19.97,19.97,K/mcL,x10 3/uL,15800 +326406853,1226362,19050,7,Base Excess,6.2,6.2,mEq/L,mEq/L,19064 +300168962,1226362,11358,1,potassium,5.3,5.3,mmol/L,mEq/L,11410 +300096624,1226362,-740,1,chloride,98.0,98,mmol/L,mEq/L,-706 +310439428,1226362,15736,3,MCH,23.0,23.0,pg,pg,15800 +304851171,1226362,14038,3,MCV,73.6,73.6,fL,fL,14172 +326399368,1226362,15881,7,O2 Sat (%),96.0,96.0,%,%,15886 +295633731,1226362,-84,1,ALT (SGPT),28.0,28,Units/L,U/L,-39 +310439430,1226362,15736,3,platelets x 1000,316.0,316,K/mcL,x10 3/uL,15800 +300592198,1226362,1031,1,calcium,7.8,7.8,mg/dL,mg/dL,1062 +300168966,1226362,11358,1,calcium,8.4,8.4,mg/dL,mg/dL,11410 +326399763,1226362,11459,7,FiO2,36.0,36,%,%,11490 +302259245,1226362,9732,1,glucose,109.0,109,mg/dL,mg/dL,9771 +302830565,1226362,2511,1,bicarbonate,30.0,30,mmol/L,mEq/L,2570 +308105982,1226362,-84,3,WBC x 1000,18.56,18.56,K/mcL,x10 3/uL,-36 +304948763,1226362,5409,3,WBC x 1000,8.16,8.16,K/mcL,x10 3/uL,5467 +310439426,1226362,15736,3,Hgb,7.6,7.6,g/dL,g/dL,15800 +326406830,1226362,19050,7,Pressure Support,5.0,5,cm H2O,,19064 +306543651,1226362,1031,3,MCHC,31.4,31.4,g/dL,g/dL,1078 +295633723,1226362,-84,1,creatinine,1.1,1.1,mg/dL,mg/dL,-39 +302259246,1226362,9732,1,chloride,99.0,99,mmol/L,mEq/L,9771 +304851172,1226362,14038,3,Hgb,8.2,8.2,g/dL,g/dL,14172 +308105980,1226362,-84,3,MCV,74.1,74.1,fL,fL,-36 +313220078,1226362,1031,4,TSH,0.73,0.73,mcU/ml,uIU/mL,1083 +326395315,1226362,-86,7,FiO2,100.0,100,%,%,-60 +326399766,1226362,11459,7,paCO2,46.0,46.0,mm Hg,mmHg,11490 +306543652,1226362,1031,3,platelets x 1000,183.0,183,K/mcL,x10 3/uL,1078 +300592200,1226362,1031,1,chloride,104.0,104,mmol/L,mEq/L,1062 +302259244,1226362,9732,1,calcium,9.0,9.0,mg/dL,mg/dL,9771 +311416242,1226362,2511,3,Hct,36.0,36.0,%,%,2617 +308105981,1226362,-84,3,Hgb,10.6,10.6,g/dL,g/dL,-36 +302830569,1226362,2511,1,BUN,24.0,24,mg/dL,mg/dL,2570 +310439424,1226362,15736,3,Hct,25.7,25.7,%,%,15800 +311416240,1226362,2511,3,MPV,10.1,10.1,fL,fL,2617 +306543649,1226362,1031,3,WBC x 1000,11.16,11.16,K/mcL,x10 3/uL,1078 +326406851,1226362,19050,7,O2 Sat (%),88.6,88.6,%,%,19064 +302259240,1226362,9732,1,potassium,5.0,5.0,mmol/L,mEq/L,9771 +311416241,1226362,2511,3,RBC,4.88,4.88,M/mcL,x10 6/uL,2617 +308105977,1226362,-84,3,MPV,9.8,9.8,fL,fL,-36 +304851169,1226362,14038,3,RBC,3.52,3.52,M/mcL,x10 6/uL,14172 +300168969,1226362,11358,1,BUN,53.0,53,mg/dL,mg/dL,11410 +311416243,1226362,2511,3,MCV,73.8,73.8,fL,fL,2617 +306543650,1226362,1031,3,MCH,22.8,22.8,pg,pg,1078 +300592199,1226362,1031,1,glucose,94.0,94,mg/dL,mg/dL,1062 +302259243,1226362,9732,1,bicarbonate,29.0,29,mmol/L,mEq/L,9771 +311416244,1226362,2511,3,Hgb,11.0,11.0,g/dL,g/dL,2617 +308105985,1226362,-84,3,platelets x 1000,190.0,190,K/mcL,x10 3/uL,-36 +302830564,1226362,2511,1,sodium,142.0,142,mmol/L,mEq/L,2570 +310439425,1226362,15736,3,MCV,77.9,77.9,fL,fL,15800 +311416245,1226362,2511,3,WBC x 1000,11.8,11.80,K/mcL,x10 3/uL,2617 +302937666,1226362,-740,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-700 +326406847,1226362,19050,7,paO2,56.1,56.1,mm Hg,mmHg,19064 +306543645,1226362,1031,3,RBC,4.99,4.99,M/mcL,x10 6/uL,1078 +311416246,1226362,2511,3,MCH,22.5,22.5,pg,pg,2617 +302259241,1226362,9732,1,creatinine,1.6,1.6,mg/dL,mg/dL,9771 +304851174,1226362,14038,3,MCH,23.3,23.3,pg,pg,14172 +302672116,1226362,-740,1,total protein,6.2,6.2,g/dL,g/dL,-706 +307350686,1226362,-739,3,-eos,0.0,0,%,%,-701 +308105978,1226362,-84,3,RBC,4.74,4.74,M/mcL,x10 6/uL,-36 +300592197,1226362,1031,1,bicarbonate,27.0,27,mmol/L,mEq/L,1062 +326395316,1226362,-86,7,paO2,205.0,205.0,mm Hg,mmHg,-60 +311416248,1226362,2511,3,platelets x 1000,197.0,197,K/mcL,x10 3/uL,2617 +302672117,1226362,-740,1,calcium,9.0,9.0,mg/dL,mg/dL,-706 +302830566,1226362,2511,1,calcium,7.9,7.9,mg/dL,mg/dL,2570 +306543646,1226362,1031,3,Hct,36.3,36.3,%,%,1078 +307350685,1226362,-739,3,-basos,0.0,0,%,%,-701 +298698445,1226362,6863,1,phosphate,3.6,3.6,mg/dL,mg/dL,6915 +326406845,1226362,19050,7,HCO3,31.0,31.0,mmol/L,mEq/L,19064 +302672115,1226362,-740,1,bicarbonate,27.0,27,mmol/L,mEq/L,-706 +311416247,1226362,2511,3,MCHC,30.6,30.6,g/dL,g/dL,2617 +308105983,1226362,-84,3,MCH,22.4,22.4,pg,pg,-36 +304851168,1226362,14038,3,MPV,9.7,9.7,fL,fL,14172 +310439422,1226362,15736,3,MPV,9.8,9.8,fL,fL,15800 +299563909,1226362,644,1,magnesium,1.9,1.9,mg/dL,mg/dL,670 +302672112,1226362,-740,1,AST (SGOT),51.0,51,Units/L,U/L,-706 +300592196,1226362,1031,1,sodium,144.0,144,mmol/L,mEq/L,1062 +306543644,1226362,1031,3,MPV,10.1,10.1,fL,fL,1078 +307419202,1226362,18430,3,MCH,23.3,23.3,pg,pg,18489 +302259242,1226362,9732,1,sodium,138.0,138,mmol/L,mEq/L,9771 +302830563,1226362,2511,1,creatinine,0.8,0.8,mg/dL,mg/dL,2570 +302672113,1226362,-740,1,sodium,138.0,138,mmol/L,mEq/L,-706 +307419201,1226362,18430,3,WBC x 1000,13.46,13.46,K/mcL,x10 3/uL,18489 +308105979,1226362,-84,3,Hct,35.1,35.1,%,%,-36 +326406852,1226362,19050,7,Temperature,98.4,98.4,°C,,19064 +300168967,1226362,11358,1,glucose,105.0,105,mg/dL,mg/dL,11410 +307419200,1226362,18430,3,Hgb,7.9,7.9,g/dL,g/dL,18489 +302672114,1226362,-740,1,albumin,2.9,2.9,g/dL,g/dL,-706 +304827366,1226362,19769,3,MCHC,30.5,30.5,g/dL,g/dL,19839 +306543647,1226362,1031,3,MCV,72.7,72.7,fL,fL,1078 +307419199,1226362,18430,3,MCV,75.5,75.5,fL,fL,18489 +298411173,1226362,4732,1,phosphate,2.1,2.1,mg/dL,mg/dL,4767 +312869574,1226362,11354,4,BNP,43.0,43,pg/mL,pg/mL,11603 +302672111,1226362,-740,1,alkaline phos.,142.0,142,Units/L,U/L,-706 +307419198,1226362,18430,3,Hct,25.6,25.6,%,%,18489 +308105984,1226362,-84,3,MCHC,30.2,30.2,g/dL,g/dL,-36 +302830567,1226362,2511,1,glucose,216.0,216,mg/dL,mg/dL,2570 +310439423,1226362,15736,3,RBC,3.3,3.30,M/mcL,x10 6/uL,15800 +307419197,1226362,18430,3,RBC,3.39,3.39,M/mcL,x10 6/uL,18489 +302672109,1226362,-740,1,potassium,4.7,4.7,mmol/L,mEq/L,-706 +326406844,1226362,19050,7,Total CO2,32.6,32.6,,mEq/L,19064 +306543648,1226362,1031,3,Hgb,11.4,11.4,g/dL,g/dL,1078 +307419196,1226362,18430,3,MPV,9.7,9.7,fL,fL,18489 +302259247,1226362,9732,1,BUN,34.0,34,mg/dL,mg/dL,9771 +298024576,1226362,1031,1,magnesium,1.9,1.9,mg/dL,mg/dL,1062 +305621489,1226362,-740,3,PTT,31.0,31,sec,sec,-712 +307419203,1226362,18430,3,MCHC,30.9,30.9,g/dL,g/dL,18489 +300873512,1226362,3968,1,phosphate,1.2,1.2,mg/dL,mg/dL,4025 +300592201,1226362,1031,1,BUN,28.0,28,mg/dL,mg/dL,1062 +302672110,1226362,-740,1,creatinine,1.2,1.2,mg/dL,mg/dL,-706 +307419204,1226362,18430,3,platelets x 1000,331.0,331,K/mcL,x10 3/uL,18489 +308597057,1226362,2511,3,-eos,0.0,0,%,%,2617 +304851176,1226362,14038,3,platelets x 1000,293.0,293,K/mcL,x10 3/uL,14172 +305621488,1226362,-740,3,PT - INR,1.0,1.0,ratio,,-712 +311195742,1226362,-84,3,-basos,0.0,0,%,%,-36 +308597056,1226362,2511,3,-basos,0.0,0,%,%,2617 +326406846,1226362,19050,7,FiO2,40.0,40,%,%,19064 +302672108,1226362,-740,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-706 +300536611,1226362,637,1,troponin - I,0.41,0.41,ng/mL,ng/mL,688 +308569795,1226362,1031,3,-basos,0.0,0,%,%,1079 +302830568,1226362,2511,1,chloride,102.0,102,mmol/L,mEq/L,2570 +305621487,1226362,-740,3,PT,13.3,13.3,sec,sec,-712 +311195743,1226362,-84,3,-eos,0.0,0,%,%,-36 +308569796,1226362,1031,3,-eos,0.0,0,%,%,1079 +85006015,356949,-285,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,62 +104122781,356949,-260,7,FiO2,21.0,21,%,%,64 +85006018,356949,-285,1,albumin,5.1,5.1,g/dL,g/dL,62 +104122782,356949,-260,7,paO2,137.0,137,mm Hg,mm Hg,64 +85006016,356949,-285,1,creatinine,2.2,2.2,mg/dL,mg/dL,62 +104122784,356949,-260,7,pH,7.0,7.00,,,64 +85006017,356949,-285,1,sodium,125.0,125,mmol/L,mEq/L,62 +104122783,356949,-260,7,paCO2,,<9.5,mm Hg,mm Hg,64 +85006019,356949,-285,1,glucose,,>800,mg/dL,mg/dL,62 +92235780,356949,-285,3,WBC x 1000,27.0,27.0,K/mcL,K/CMM,63 +105430183,356949,64,7,FiO2,21.0,21,%,%,64 +85006020,356949,-285,1,BUN,17.0,17,mg/dL,mg/dL,62 +92235779,356949,-285,3,Hct,49.3,49.3,%,%,63 +646259757,2705166,1218,1,potassium,4.0,4.0,mmol/L,mmol/L,1276 +646259761,2705166,1218,1,albumin,2.5,2.5,g/dL,g/dL,1276 +646417298,2705166,2658,1,glucose,117.0,117,mg/dL,mg/dL,2755 +646417299,2705166,2658,1,chloride,113.0,113,mmol/L,mmol/L,2755 +646417293,2705166,2658,1,albumin,2.4,2.4,g/dL,g/dL,2755 +646351461,2705166,18513,1,anion gap,11.4,11.4,,mmol/L,18563 +646351457,2705166,18513,1,total bilirubin,1.7,1.7,mg/dL,mg/dL,18563 +646259765,2705166,1218,1,glucose,129.0,129,mg/dL,mg/dL,1276 +646351459,2705166,18513,1,creatinine,0.87,0.87,mg/dL,mg/dL,18563 +646417296,2705166,2658,1,calcium,6.9,6.9,mg/dL,mg/dL,2755 +646417307,2705166,2658,1,calcium,6.6,6.6,mg/dL,mg/dL,2733 +646259760,2705166,1218,1,sodium,142.0,142,mmol/L,mmol/L,1276 +646351460,2705166,18513,1,alkaline phos.,119.0,119,Units/L,U/L,18563 +646417305,2705166,2658,1,albumin,2.6,2.6,g/dL,g/dL,2733 +646417292,2705166,2658,1,sodium,144.0,144,mmol/L,mmol/L,2755 +646414829,2705166,2658,1,potassium,3.7,3.7,mmol/L,mmol/L,2755 +646417300,2705166,2658,1,BUN,21.0,21,mg/dL,mg/dL,2755 +646417309,2705166,2658,1,glucose,116.0,116,mg/dL,mg/dL,2733 +646259759,2705166,1218,1,anion gap,7.0,7,,mmol/L,1276 +646417311,2705166,2658,1,BUN,21.0,21,mg/dL,mg/dL,2733 +646259766,2705166,1218,1,chloride,114.0,114,mmol/L,mmol/L,1276 +646414832,2705166,2658,1,anion gap,10.7,10.7,,mmol/L,2755 +646727692,2705166,5598,1,phosphate,2.5,2.5,mg/dL,mg/dL,5668 +646321679,2705166,4128,1,BUN,15.0,15,mg/dL,mg/dL,4170 +646417306,2705166,2658,1,bicarbonate,24.0,24,mmol/L,mmol/L,2733 +646351458,2705166,18513,1,potassium,3.6,3.6,mmol/L,mmol/L,18563 +646727691,2705166,5598,1,calcium,7.2,7.2,mg/dL,mg/dL,5668 +646417297,2705166,2658,1,ALT (SGPT),29.0,29,Units/L,U/L,2755 +646417310,2705166,2658,1,chloride,114.0,114,mmol/L,mmol/L,2733 +646484262,2705166,18513,1,bicarbonate,29.0,29,mmol/L,mmol/L,18563 +646727688,2705166,5598,1,sodium,142.0,142,mmol/L,mmol/L,5668 +646727687,2705166,5598,1,anion gap,4.7,4.7,,mmol/L,5668 +646727686,2705166,5598,1,creatinine,0.87,0.87,mg/dL,mg/dL,5668 +646318534,2705166,4128,1,sodium,147.0,147,mmol/L,mmol/L,4170 +646484266,2705166,18513,1,glucose,127.0,127,mg/dL,mg/dL,18563 +646414833,2705166,2658,1,AST (SGOT),35.0,35,Units/L,U/L,2755 +646484264,2705166,18513,1,calcium,8.5,8.5,mg/dL,mg/dL,18563 +646259758,2705166,1218,1,creatinine,0.81,0.81,mg/dL,mg/dL,1276 +646729492,2705166,5598,1,chloride,115.0,115,mmol/L,mmol/L,5668 +646417308,2705166,2658,1,phosphate,2.0,2.0,mg/dL,mg/dL,2733 +646729491,2705166,5598,1,glucose,133.0,133,mg/dL,mg/dL,5668 +646484268,2705166,18513,1,BUN,34.0,34,mg/dL,mg/dL,18563 +646318538,2705166,4128,1,calcium,6.7,6.7,mg/dL,mg/dL,4170 +661261245,2705166,118,3,RDW,14.9,14.9,%,%,143 +646417302,2705166,2658,1,creatinine,1.02,1.02,mg/dL,mg/dL,2733 +661261246,2705166,118,3,MCH,34.7,34.7,pg,pg,143 +641934477,2705166,21368,1,sodium,152.0,152,mmol/L,mmol/L,21469 +646351463,2705166,18513,1,sodium,153.0,153,mmol/L,mmol/L,18563 +661261243,2705166,118,3,Hgb,8.4,8.4,g/dL,g/dL,143 +641934476,2705166,21368,1,anion gap,4.0,4,,mmol/L,21469 +646318539,2705166,4128,1,ALT (SGPT),25.0,25,Units/L,U/L,4170 +661261241,2705166,118,3,-eos,0.0,0,%,%,143 +641934478,2705166,21368,1,albumin,2.1,2.1,g/dL,g/dL,21469 +646318540,2705166,4128,1,glucose,101.0,101,mg/dL,mg/dL,4170 +661261242,2705166,118,3,MCV,104.0,104,fL,fL,143 +641576363,2705166,18513,1,triglycerides,96.0,96,mg/dL,mg/dL,18940 +646351462,2705166,18513,1,AST (SGOT),55.0,55,Units/L,U/L,18563 +661261240,2705166,118,3,Hct,25.2,25.2,%,%,143 +642109358,2705166,22863,1,magnesium,2.4,2.4,mg/dL,mg/dL,22930 +646414828,2705166,2658,1,total bilirubin,1.4,1.4,mg/dL,mg/dL,2755 +661261239,2705166,118,3,-polys,89.0,89,%,%,143 +641934479,2705166,21368,1,bicarbonate,34.0,34,mmol/L,mmol/L,21469 +646727689,2705166,5598,1,albumin,2.0,2.0,g/dL,g/dL,5668 +661261244,2705166,118,3,WBC x 1000,15.1,15.1,K/mcL,K/uL,143 +641934483,2705166,21368,1,chloride,118.0,118,mmol/L,mmol/L,21469 +646259767,2705166,1218,1,BUN,15.0,15,mg/dL,mg/dL,1276 +661261247,2705166,118,3,-monos,5.0,5,%,%,143 +641934482,2705166,21368,1,glucose,128.0,128,mg/dL,mg/dL,21469 +646259764,2705166,1218,1,phosphate,1.6,1.6,mg/dL,mg/dL,1276 +661261238,2705166,118,3,-basos,0.0,0,%,%,143 +641934481,2705166,21368,1,phosphate,3.4,3.4,mg/dL,mg/dL,21469 +646727685,2705166,5598,1,potassium,3.7,3.7,mmol/L,mmol/L,5668 +661261236,2705166,118,3,-lymphs,6.0,6,%,%,143 +641934480,2705166,21368,1,calcium,8.6,8.6,mg/dL,mg/dL,21469 +646484263,2705166,18513,1,total protein,6.5,6.5,g/dL,g/dL,18563 +661261249,2705166,118,3,platelets x 1000,158.0,158,K/mcL,K/uL,143 +641934484,2705166,21368,1,BUN,35.0,35,mg/dL,mg/dL,21469 +647020276,2705166,8448,1,total bilirubin,4.5,4.5,mg/dL,mg/dL,8521 +661261248,2705166,118,3,MCHC,33.3,33.3,g/dL,g/dL,143 +641934475,2705166,21368,1,creatinine,0.91,0.91,mg/dL,mg/dL,21469 +646729493,2705166,5598,1,BUN,14.0,14,mg/dL,mg/dL,5668 +665878985,2705166,-58,3,PT,90.1,90.1,sec,sec,46 +630745171,2705166,-2932,1,phosphate,2.7,2.7,mg/dL,mg/dL,-2810 +646941656,2705166,8448,1,bicarbonate,24.0,24,mmol/L,mmol/L,8521 +656770952,2705166,-2932,3,PTT,127.7,127.7,sec,sec,-2888 +641934474,2705166,21368,1,potassium,4.0,4.0,mmol/L,mmol/L,21469 +646318533,2705166,4128,1,AST (SGOT),24.0,24,Units/L,U/L,4170 +661261237,2705166,118,3,RBC,2.42,2.42,M/mcL,M/uL,143 +639487991,2705166,24918,1,potassium,3.7,3.7,mmol/L,mmol/L,24947 +647171454,2705166,8448,1,glucose,125.0,125,mg/dL,mg/dL,8796 +665878986,2705166,-58,3,PT - INR,10.2,10.2,ratio,,46 +644155538,2705166,4458,1,potassium,3.3,3.3,mmol/L,mmol/L,4483 +646318535,2705166,4128,1,albumin,2.1,2.1,g/dL,g/dL,4170 +643855615,2705166,11688,1,potassium,3.7,3.7,mmol/L,mmol/L,11734 +646941662,2705166,8448,1,BUN,19.0,19,mg/dL,mg/dL,8521 +713994481,2705166,17213,7,paCO2,39.3,39.3,mm Hg,mm(hg),17219 +646417295,2705166,2658,1,total protein,6.1,6.1,g/dL,g/dL,2755 +713952351,2705166,24462,7,Carboxyhemoglobin,0.2,0.2,%,%,24466 +647171456,2705166,8448,1,BUN,19.0,19,mg/dL,mg/dL,8796 +714005579,2705166,17213,7,Base Excess,3.7,3.7,mEq/L,mmol/L,17219 +646417304,2705166,2658,1,sodium,144.0,144,mmol/L,mmol/L,2733 +713737307,2705166,21578,7,Temperature,37.0,37.0,°C,Deg C,21587 +647171455,2705166,8448,1,chloride,112.0,112,mmol/L,mmol/L,8796 +713952352,2705166,24462,7,paCO2,41.6,41.6,mm Hg,mm(hg),24466 +646484265,2705166,18513,1,ALT (SGPT),43.0,43,Units/L,U/L,18563 +714043064,2705166,25839,7,PEEP,5.0,5.0,cm H2O,,25849 +647171448,2705166,8448,1,potassium,4.3,4.3,mmol/L,mmol/L,8796 +713737292,2705166,21578,7,PEEP,5.0,5.0,cm H2O,,21587 +646484267,2705166,18513,1,chloride,116.0,116,mmol/L,mmol/L,18563 +713994476,2705166,17213,7,HCO3,27.6,27.6,mmol/L,mmol/L,17219 +646941657,2705166,8448,1,total protein,6.0,6.0,g/dL,g/dL,8521 +713994477,2705166,17213,7,Methemoglobin,1.6,1.6,%,%,17219 +646318531,2705166,4128,1,alkaline phos.,60.0,60,Units/L,U/L,4170 +713994478,2705166,17213,7,FiO2,45.0,45.0,%,,17219 +647020277,2705166,8448,1,potassium,4.1,4.1,mmol/L,mmol/L,8521 +713994479,2705166,17213,7,paO2,95.0,95,mm Hg,mm(hg),17219 +646318530,2705166,4128,1,creatinine,0.81,0.81,mg/dL,mg/dL,4170 +714005576,2705166,17213,7,Spontaneous Rate,15.0,15.0,/min,,17219 +647020279,2705166,8448,1,alkaline phos.,135.0,135,Units/L,U/L,8521 +713737293,2705166,21578,7,Pressure Support,5.0,5,cm H2O,,21587 +646259762,2705166,1218,1,bicarbonate,25.0,25,mmol/L,mmol/L,1276 +714005577,2705166,17213,7,O2 Sat (%),95.0,95,%,%,17219 +639062932,2705166,12738,1,potassium,4.2,4.2,mmol/L,mmol/L,12843 +714005578,2705166,17213,7,Temperature,37.0,37.0,°C,Deg C,17219 +657503859,2705166,1835,3,Hct,24.8,24.8,%,%,1850 +714005572,2705166,17213,7,O2 Content,12.3,12.3,mls/dL,,17219 +646941660,2705166,8448,1,glucose,125.0,125,mg/dL,mg/dL,8521 +713737306,2705166,21578,7,O2 Sat (%),91.0,91,%,%,21587 +657503860,2705166,1835,3,-eos,0.0,0,%,%,1850 +713994480,2705166,17213,7,Carboxyhemoglobin,0.3,0.3,%,%,17219 +646414830,2705166,2658,1,creatinine,0.96,0.96,mg/dL,mg/dL,2755 +713952353,2705166,24462,7,O2 Content,13.2,13.2,mls/dL,,24466 +644329196,2705166,24288,1,chloride,110.0,110,mmol/L,mmol/L,24377 +713737290,2705166,22923,7,Temperature,37.0,37.0,°C,Deg C,22931 +639062931,2705166,12738,1,total bilirubin,2.2,2.2,mg/dL,mg/dL,12843 +714043065,2705166,25839,7,Pressure Support,10.0,10,cm H2O,,25849 +657503858,2705166,1835,3,-polys,89.0,89,%,%,1850 +713737291,2705166,22923,7,Base Excess,5.4,5.4,mEq/L,mmol/L,22931 +646941661,2705166,8448,1,chloride,111.0,111,mmol/L,mmol/L,8521 +713737308,2705166,21578,7,Base Excess,3.4,3.4,mEq/L,mmol/L,21587 +644329197,2705166,24288,1,BUN,29.0,29,mg/dL,mg/dL,24377 +713737299,2705166,21578,7,Carboxyhemoglobin,0.2,0.2,%,%,21587 +646321678,2705166,4128,1,chloride,115.0,115,mmol/L,mmol/L,4170 +713737300,2705166,21578,7,paCO2,42.2,42.2,mm Hg,mm(hg),21587 +657503861,2705166,1835,3,MCV,101.0,101,fL,fL,1850 +713737285,2705166,22923,7,pH,7.461,7.461,,,22931 +638541578,2705166,19968,1,chloride,118.0,118,mmol/L,mmol/L,20052 +713732352,2705166,22923,7,Methemoglobin,0.3,0.3,%,%,22931 +644329188,2705166,24288,1,creatinine,0.79,0.79,mg/dL,mg/dL,24377 +713737301,2705166,21578,7,O2 Content,13.5,13.5,mls/dL,,21587 +647020278,2705166,8448,1,creatinine,0.96,0.96,mg/dL,mg/dL,8521 +713737296,2705166,21578,7,Methemoglobin,0.3,0.3,%,%,21587 +657503857,2705166,1835,3,-basos,0.0,0,%,%,1850 +713737288,2705166,22923,7,Spontaneous Rate,22.0,22.0,/min,,22931 +646417294,2705166,2658,1,bicarbonate,24.0,24,mmol/L,mmol/L,2755 +713737297,2705166,21578,7,FiO2,45.0,45.0,%,,21587 +644472534,2705166,18513,1,magnesium,2.2,2.2,mg/dL,mg/dL,18940 +713737298,2705166,21578,7,paO2,60.0,60,mm Hg,mm(hg),21587 +638541579,2705166,19968,1,BUN,33.0,33,mg/dL,mg/dL,20052 +713737302,2705166,21578,7,pH,7.439,7.439,,,21587 +657503862,2705166,1835,3,Hgb,8.0,8.0,g/dL,g/dL,1850 +714005573,2705166,17213,7,pH,7.465,7.465,,,17219 +646941659,2705166,8448,1,ALT (SGPT),26.0,26,Units/L,U/L,8521 +713737289,2705166,22923,7,O2 Sat (%),92.0,92,%,%,22931 +644329193,2705166,24288,1,calcium,8.4,8.4,mg/dL,mg/dL,24377 +713952346,2705166,24462,7,HCO3,29.7,29.7,mmol/L,mmol/L,24466 +646318536,2705166,4128,1,bicarbonate,26.0,26,mmol/L,mmol/L,4170 +713737305,2705166,21578,7,Spontaneous Rate,16.0,16.0,/min,,21587 +657503868,2705166,1835,3,platelets x 1000,121.0,121,K/mcL,K/uL,1850 +713952354,2705166,24462,7,pH,7.472,7.472,,,24466 +639062944,2705166,12738,1,chloride,107.0,107,mmol/L,mmol/L,12843 +713388720,2705166,15800,7,PEEP,8.0,8.0,cm H2O,,15804 +644329194,2705166,24288,1,phosphate,2.8,2.8,mg/dL,mg/dL,24377 +713994473,2705166,17213,7,PEEP,5.0,5.0,cm H2O,,17219 +647020281,2705166,8448,1,AST (SGOT),41.0,41,Units/L,U/L,8521 +714043066,2705166,25839,7,HCO3,29.1,29.1,mmol/L,mmol/L,25849 +657503863,2705166,1835,3,WBC x 1000,10.0,10.0,K/mcL,K/uL,1850 +714043073,2705166,25839,7,pH,7.49,7.490,,,25849 +646318532,2705166,4128,1,anion gap,9.0,9,,mmol/L,4170 +713737295,2705166,21578,7,HCO3,28.0,28.0,mmol/L,mmol/L,21587 +644329195,2705166,24288,1,glucose,138.0,138,mg/dL,mg/dL,24377 +714043067,2705166,25839,7,Methemoglobin,0.2,0.2,%,%,25849 +643235820,2705166,8448,1,phosphate,2.2,2.2,mg/dL,mg/dL,8526 +714043068,2705166,25839,7,FiO2,50.0,50.0,%,,25849 +639062943,2705166,12738,1,glucose,115.0,115,mg/dL,mg/dL,12843 +714043069,2705166,25839,7,paO2,66.0,66,mm Hg,mm(hg),25849 +657503855,2705166,1835,3,-lymphs,7.0,7,%,%,1850 +713732347,2705166,22923,7,PEEP,5.0,5.0,cm H2O,,22931 +643637076,2705166,22863,1,glucose,107.0,107,mg/dL,mg/dL,22930 +713957295,2705166,24462,7,Temperature,37.0,37.0,°C,Deg C,24466 +647171452,2705166,8448,1,bicarbonate,19.0,19,mmol/L,mmol/L,8796 +713732349,2705166,22923,7,HCO3,29.8,29.8,mmol/L,mmol/L,22931 +644329189,2705166,24288,1,anion gap,4.2,4.2,,mmol/L,24377 +714043070,2705166,25839,7,Carboxyhemoglobin,0.0,0.0,%,%,25849 +643075019,2705166,15618,1,chloride,110.0,110,mmol/L,mmol/L,15687 +713520086,2705166,15800,7,Temperature,37.0,37.0,°C,Deg C,15804 +646727690,2705166,5598,1,bicarbonate,26.0,26,mmol/L,mmol/L,5668 +714043078,2705166,25839,7,Temperature,37.0,37.0,°C,Deg C,25849 +657503856,2705166,1835,3,RBC,2.46,2.46,M/mcL,M/uL,1850 +713520084,2705166,15800,7,Spontaneous Rate,18.0,18.0,/min,,15804 +643075020,2705166,15618,1,BUN,49.0,49,mg/dL,mg/dL,15687 +713952349,2705166,24462,7,LPM O2,10.0,10.00,L/min,L/min,24466 +638541577,2705166,19968,1,glucose,119.0,119,mg/dL,mg/dL,20052 +713732350,2705166,22923,7,TV,500.0,500,mls,mL,22931 +644329190,2705166,24288,1,sodium,143.0,143,mmol/L,mmol/L,24377 +713520085,2705166,15800,7,O2 Sat (%),93.0,93,%,%,15804 +643637077,2705166,22863,1,chloride,115.0,115,mmol/L,mmol/L,22930 +714043079,2705166,25839,7,Base Excess,5.4,5.4,mEq/L,mmol/L,25849 +647020283,2705166,8448,1,albumin,2.0,2.0,g/dL,g/dL,8521 +713732357,2705166,22923,7,O2 Content,11.8,11.8,mls/dL,,22931 +657503865,2705166,1835,3,MCH,32.5,32.5,pg,pg,1850 +714043071,2705166,25839,7,paCO2,39.1,39.1,mm Hg,mm(hg),25849 +643637075,2705166,22863,1,phosphate,3.4,3.4,mg/dL,mg/dL,22930 +713388727,2705166,15800,7,paO2,69.0,69,mm Hg,mm(hg),15804 +646417303,2705166,2658,1,anion gap,9.8,9.8,,mmol/L,2733 +654280347,2705166,2238,3,Hgb,8.0,8.0,g/dL,g/dL,2267 +713957296,2705166,24462,7,Base Excess,5.6,5.6,mEq/L,mmol/L,24466 +654280353,2705166,2238,3,platelets x 1000,122.0,122,K/mcL,K/uL,2267 +644329187,2705166,24288,1,potassium,3.6,3.6,mmol/L,mmol/L,24377 +654280345,2705166,2238,3,-eos,1.0,1,%,%,2267 +713520081,2705166,15800,7,pH,7.449,7.449,,,15804 +654280346,2705166,2238,3,MCV,101.0,101,fL,fL,2267 +643637073,2705166,22863,1,bicarbonate,32.0,32,mmol/L,mmol/L,22930 +640254505,2705166,5598,1,magnesium,2.5,2.5,mg/dL,mg/dL,5668 +654280341,2705166,2238,3,RBC,2.45,2.45,M/mcL,M/uL,2267 +713952347,2705166,24462,7,Methemoglobin,0.3,0.3,%,%,24466 +640062676,2705166,1218,1,lactate,1.5,1.5,mmol/L,mmol/L,1281 +654280342,2705166,2238,3,-basos,0.0,0,%,%,2267 +638541574,2705166,19968,1,bicarbonate,32.0,32,mmol/L,mmol/L,20052 +634205537,2705166,9888,1,magnesium,2.2,2.2,mg/dL,mg/dL,9966 +654280343,2705166,2238,3,-polys,85.0,85,%,%,2267 +713732354,2705166,22923,7,paO2,65.0,65,mm Hg,mm(hg),22931 +635636393,2705166,18513,1,phosphate,2.8,2.8,mg/dL,mg/dL,18940 +654280348,2705166,2238,3,WBC x 1000,8.4,8.4,K/mcL,K/uL,2267 +657503864,2705166,1835,3,RDW,18.9,18.9,%,%,1850 +634276801,2705166,21368,1,magnesium,2.2,2.2,mg/dL,mg/dL,21469 +654280344,2705166,2238,3,Hct,24.8,24.8,%,%,2267 +713388725,2705166,15800,7,Methemoglobin,0.3,0.3,%,%,15804 +637245784,2705166,11298,1,magnesium,1.9,1.9,mg/dL,mg/dL,11366 +654280340,2705166,2238,3,-lymphs,9.0,9,%,%,2267 +643637078,2705166,22863,1,BUN,33.0,33,mg/dL,mg/dL,22930 +635226383,2705166,24288,1,magnesium,2.3,2.3,mg/dL,mg/dL,24377 +654280350,2705166,2238,3,MCH,32.7,32.7,pg,pg,2267 +713520078,2705166,15800,7,Carboxyhemoglobin,0.3,0.3,%,%,15804 +626984066,2705166,-1492,1,magnesium,2.5,2.5,mg/dL,mg/dL,-1416 +654280351,2705166,2238,3,-monos,5.0,5,%,%,2267 +647171453,2705166,8448,1,calcium,7.3,7.3,mg/dL,mg/dL,8796 +628685756,2705166,1218,1,triglycerides,76.0,76,mg/dL,mg/dL,1276 +654280352,2705166,2238,3,MCHC,32.3,32.3,g/dL,g/dL,2267 +712001181,2705166,12828,7,paCO2,41.0,41.0,mm Hg,mm(hg),12838 +635204843,2705166,19968,1,magnesium,2.2,2.2,mg/dL,mg/dL,20052 +654280349,2705166,2238,3,RDW,18.9,18.9,%,%,2267 +644329192,2705166,24288,1,bicarbonate,32.0,32,mmol/L,mmol/L,24377 +650676124,2705166,3202,3,PT,27.9,27.9,sec,sec,3247 +714528790,2705166,1303,7,paO2,67.0,67,mm Hg,mm(hg),1309 +644106879,2705166,963,1,lactate,1.1,1.1,mmol/L,mmol/L,1039 +643637074,2705166,22863,1,calcium,8.7,8.7,mg/dL,mg/dL,22930 +650676125,2705166,3202,3,PT - INR,2.4,2.4,ratio,,3247 +714043076,2705166,25839,7,Spontaneous Rate,19.0,19.0,/min,,25849 +714511970,2705166,98,7,FiO2,100.0,100.0,%,,107 +646417301,2705166,2658,1,potassium,3.8,3.8,mmol/L,mmol/L,2733 +714511971,2705166,98,7,paO2,224.0,224,mm Hg,mm(hg),107 +712001183,2705166,12828,7,pH,7.389,7.389,,,12838 +714511969,2705166,98,7,Methemoglobin,0.6,0.6,%,%,107 +657503866,2705166,1835,3,-monos,4.0,4,%,%,1850 +714511972,2705166,98,7,Carboxyhemoglobin,0.2,0.2,%,%,107 +714528788,2705166,1303,7,Methemoglobin,0.4,0.4,%,%,1309 +714511973,2705166,98,7,paCO2,34.5,34.5,mm Hg,mm(hg),107 +643637071,2705166,22863,1,sodium,149.0,149,mmol/L,mmol/L,22930 +714511967,2705166,98,7,TV,500.0,500,mls,mL,107 +713732355,2705166,22923,7,Carboxyhemoglobin,0.3,0.3,%,%,22931 +714511968,2705166,98,7,Vent Rate,15.0,15.0,/min,,107 +638541575,2705166,19968,1,calcium,8.5,8.5,mg/dL,mg/dL,20052 +714511965,2705166,98,7,HCO3,22.6,22.6,mmol/L,mmol/L,107 +712001182,2705166,12828,7,O2 Content,14.2,14.2,mls/dL,,12838 +714511966,2705166,98,7,Base Deficit,1.3,1.3,mEq/L,mmol/L,107 +644564386,2705166,11298,1,phosphate,3.5,3.5,mg/dL,mg/dL,11366 +714511978,2705166,98,7,O2 Sat (%),98.0,98,%,%,107 +714528787,2705166,1303,7,Vent Rate,14.0,14.0,/min,,1309 +714511979,2705166,98,7,Temperature,37.0,37.0,°C,Deg C,107 +643637072,2705166,22863,1,albumin,2.2,2.2,g/dL,g/dL,22930 +714511974,2705166,98,7,O2 Content,14.0,14.0,mls/dL,,107 +713520079,2705166,15800,7,paCO2,33.9,33.9,mm Hg,mm(hg),15804 +714511975,2705166,98,7,pH,7.434,7.434,,,107 +647171449,2705166,8448,1,creatinine,1.01,1.01,mg/dL,mg/dL,8796 +668168063,2705166,-2932,3,PT,119.7,119.7,sec,sec,-2864 +712001187,2705166,12828,7,O2 Sat (%),94.0,94,%,%,12838 +714511963,2705166,98,7,PEEP,10.0,10.0,cm H2O,,107 +657503867,2705166,1835,3,MCHC,32.3,32.3,g/dL,g/dL,1850 +668168064,2705166,-2932,3,PT - INR,14.5,14.5,ratio,,-2864 +714528786,2705166,1303,7,TV,500.0,500,mls,mL,1309 +714597121,2705166,18602,7,paCO2,40.0,40.0,mm Hg,mm(hg),18611 +643637069,2705166,22863,1,creatinine,0.81,0.81,mg/dL,mg/dL,22930 +714597122,2705166,18602,7,O2 Content,12.0,12.0,mls/dL,,18611 +713952350,2705166,24462,7,paO2,61.0,61,mm Hg,mm(hg),24466 +714566271,2705166,2785,7,paO2,125.0,125,mm Hg,mm(hg),2790 +646318528,2705166,4128,1,total bilirubin,1.7,1.7,mg/dL,mg/dL,4170 +714566270,2705166,2785,7,FiO2,60.0,60.0,%,,2790 +712001179,2705166,12828,7,paO2,76.0,76,mm Hg,mm(hg),12838 +714566269,2705166,2785,7,Methemoglobin,0.5,0.5,%,%,2790 +644329191,2705166,24288,1,albumin,2.0,2.0,g/dL,g/dL,24377 +714566268,2705166,2785,7,Vent Rate,14.0,14.0,/min,,2790 +714528785,2705166,1303,7,Base Deficit,2.2,2.2,mEq/L,mmol/L,1309 +714566272,2705166,2785,7,Carboxyhemoglobin,0.2,0.2,%,%,2790 +643637068,2705166,22863,1,potassium,4.3,4.3,mmol/L,mmol/L,22930 +714565345,2705166,2785,7,O2 Sat (%),97.0,97,%,%,2790 +713388723,2705166,15800,7,HCO3,23.0,23.0,mmol/L,mmol/L,15804 +714597123,2705166,18602,7,pH,7.436,7.436,,,18611 +639062933,2705166,12738,1,creatinine,1.19,1.19,mg/dL,mg/dL,12843 +714597120,2705166,18602,7,Carboxyhemoglobin,0.0,0.0,%,%,18611 +712001186,2705166,12828,7,Spontaneous Rate,25.0,25.0,/min,,12838 +714669941,2705166,5678,7,paCO2,39.6,39.6,mm Hg,mm(hg),5692 +635594482,2705166,18123,1,potassium,3.4,3.4,mmol/L,mmol/L,18164 +714597126,2705166,18602,7,Spontaneous Rate,18.0,18.0,/min,,18611 +714528784,2705166,1303,7,HCO3,22.2,22.2,mmol/L,mmol/L,1309 +714669942,2705166,5678,7,O2 Content,14.7,14.7,mls/dL,,5692 +643637070,2705166,22863,1,anion gap,6.3,6.3,,mmol/L,22930 +714937283,2705166,9998,7,Base Deficit,1.6,1.6,mEq/L,mmol/L,10015 +713388721,2705166,15800,7,Pressure Support,15.0,15,cm H2O,,15804 +714731958,2705166,8613,7,Temperature,37.0,37.0,°C,Deg C,8626 +647020282,2705166,8448,1,sodium,139.0,139,mmol/L,mmol/L,8521 +714731954,2705166,8613,7,pH,7.272,7.272,,,8626 +711840947,2705166,12828,7,PEEP,5.0,5.0,cm H2O,,12838 +714937280,2705166,9998,7,PEEP,8.0,8.0,cm H2O,,10015 +644766697,2705166,17058,1,BUN,37.0,37,mg/dL,mg/dL,17118 +714937282,2705166,9998,7,HCO3,22.9,22.9,mmol/L,mmol/L,10015 +714528782,2705166,1303,7,PEEP,10.0,10.0,cm H2O,,1309 +714731953,2705166,8613,7,O2 Content,15.2,15.2,mls/dL,,8626 +646318529,2705166,4128,1,potassium,3.0,3.0,mmol/L,mmol/L,4170 +714731952,2705166,8613,7,paCO2,50.4,50.4,mm Hg,mm(hg),8626 +713732351,2705166,22923,7,Vent Rate,14.0,14.0,/min,,22931 +714565346,2705166,2785,7,Temperature,37.0,37.0,°C,Deg C,2790 +644682247,2705166,25758,1,potassium,3.8,3.8,mmol/L,mmol/L,25799 +714731957,2705166,8613,7,O2 Sat (%),95.0,95,%,%,8626 +712001180,2705166,12828,7,Carboxyhemoglobin,0.3,0.3,%,%,12838 +714566273,2705166,2785,7,paCO2,36.1,36.1,mm Hg,mm(hg),2790 +639062934,2705166,12738,1,alkaline phos.,152.0,152,Units/L,U/L,12843 +714566267,2705166,2785,7,TV,688.0,688,mls,mL,2790 +714528789,2705166,1303,7,FiO2,65.0,65.0,%,,1309 +714669754,2705166,5678,7,pH,7.348,7.348,,,5692 +644959574,2705166,27178,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,27300 +714731949,2705166,8613,7,FiO2,100.0,100.0,%,,8626 +713994474,2705166,17213,7,Pressure Support,15.0,15,cm H2O,,17219 +714669940,2705166,5678,7,Carboxyhemoglobin,0.3,0.3,%,%,5692 +646941658,2705166,8448,1,calcium,7.7,7.7,mg/dL,mg/dL,8521 +714559315,2705166,18602,7,HCO3,26.3,26.3,mmol/L,mmol/L,18611 +712001188,2705166,12828,7,Temperature,37.0,37.0,°C,Deg C,12838 +714731950,2705166,8613,7,paO2,91.0,91,mm Hg,mm(hg),8626 +644591786,2705166,17058,1,chloride,114.0,114,mmol/L,mmol/L,17118 +714559316,2705166,18602,7,Methemoglobin,1.0,1.0,%,%,18611 +713508868,2705166,15683,7,paCO2,36.4,36.4,mm Hg,mm(hg),15690 +714933451,2705166,9998,7,O2 Sat (%),90.0,90,%,%,10015 +646259763,2705166,1218,1,calcium,6.7,6.7,mg/dL,mg/dL,1276 +714559317,2705166,18602,7,FiO2,40.0,40.0,%,,18611 +713388724,2705166,15800,7,Base Deficit,0.6,0.6,mEq/L,mmol/L,15804 +714566263,2705166,2785,7,PEEP,10.0,10.0,cm H2O,,2790 +666339112,2705166,5598,3,-monos,11.0,11,%,%,5700 +714597127,2705166,18602,7,O2 Sat (%),90.0,90,%,%,18611 +644959577,2705166,27178,1,alkaline phos.,99.0,99,Units/L,U/L,27300 +714731948,2705166,8613,7,Methemoglobin,0.5,0.5,%,%,8626 +658422867,2705166,21368,3,Hct,28.0,28.0,%,%,21460 +714566265,2705166,2785,7,HCO3,20.9,20.9,mmol/L,mmol/L,2790 +712001175,2705166,12828,7,Base Deficit,0.7,0.7,mEq/L,mmol/L,12838 +714559313,2705166,18602,7,Pressure Support,0.0,0,cm H2O,,18611 +665110852,2705166,19968,3,WBC x 1000,9.4,9.4,K/mcL,K/uL,20042 +714559318,2705166,18602,7,paO2,62.0,62,mm Hg,mm(hg),18611 +638541576,2705166,19968,1,phosphate,3.0,3.0,mg/dL,mg/dL,20052 +714731947,2705166,8613,7,Vent Rate,20.0,20.0,/min,,8626 +666339113,2705166,5598,3,MCHC,32.8,32.8,g/dL,g/dL,5660 +714937284,2705166,9998,7,Vent Rate,20.0,20.0,/min,,10015 +713508866,2705166,15683,7,paO2,74.0,74,mm Hg,mm(hg),15690 +714731945,2705166,8613,7,HCO3,22.7,22.7,mmol/L,mmol/L,8626 +658422868,2705166,21368,3,-eos,3.0,3,%,%,21460 +667358679,2705166,7098,3,PT - INR,2.0,2.0,ratio,,7527 +644959578,2705166,27178,1,anion gap,5.3,5.3,,mmol/L,27300 +714933447,2705166,9998,7,pH,7.4,7.400,,,10015 +665110853,2705166,19968,3,RDW,18.8,18.8,%,%,20042 +667358678,2705166,7098,3,PT,23.6,23.6,sec,sec,7527 +714043077,2705166,25839,7,O2 Sat (%),93.0,93,%,%,25849 +624895147,2705166,-2932,1,troponin - I,,<0.02,ng/mL,ng/mL,-2878 +666339114,2705166,5598,3,platelets x 1000,163.0,163,K/mcL,K/uL,5660 +714731946,2705166,8613,7,Base Deficit,4.3,4.3,mEq/L,mmol/L,8626 +647171450,2705166,8448,1,anion gap,14.3,14.3,,mmol/L,8796 +669049081,2705166,7093,3,-basos,0.0,0,%,%,7134 +658422876,2705166,21368,3,platelets x 1000,548.0,548,K/mcL,K/uL,21460 +714566274,2705166,2785,7,O2 Content,13.0,13.0,mls/dL,,2790 +712001176,2705166,12828,7,Vent Rate,25.0,25.0,/min,,12838 +669049082,2705166,7093,3,-polys,71.0,71,%,%,7134 +665110854,2705166,19968,3,MCH,30.1,30.1,pg,pg,20042 +714933450,2705166,9998,7,Spontaneous Rate,20.0,20.0,/min,,10015 +644959575,2705166,27178,1,potassium,3.3,3.3,mmol/L,mmol/L,27300 +669049079,2705166,7093,3,-lymphs,14.0,14,%,%,7134 +666339109,2705166,5598,3,WBC x 1000,6.9,6.9,K/mcL,K/uL,5660 +714731943,2705166,8613,7,PEEP,8.0,8.0,cm H2O,,8626 +714528791,2705166,1303,7,Carboxyhemoglobin,0.3,0.3,%,%,1309 +669049083,2705166,7093,3,Hct,28.6,28.6,%,%,7134 +658422875,2705166,21368,3,MCHC,30.4,30.4,g/dL,g/dL,21460 +714937279,2705166,9998,7,Peak Airway/Pressure,34.0,34.0,cm H2O,,10015 +646318537,2705166,4128,1,total protein,5.7,5.7,g/dL,g/dL,4170 +669049080,2705166,7093,3,RBC,2.9,2.90,M/mcL,M/uL,7134 +665110851,2705166,19968,3,Hgb,7.2,7.2,g/dL,g/dL,20042 +714566266,2705166,2785,7,Base Deficit,3.7,3.7,mEq/L,mmol/L,2790 +713732356,2705166,22923,7,paCO2,42.7,42.7,mm Hg,mm(hg),22931 +669049084,2705166,7093,3,-eos,3.0,3,%,%,7134 +666339108,2705166,5598,3,Hgb,9.8,9.8,g/dL,g/dL,5660 +714731951,2705166,8613,7,Carboxyhemoglobin,0.3,0.3,%,%,8626 +644591783,2705166,17058,1,calcium,8.1,8.1,mg/dL,mg/dL,17118 +669049092,2705166,7093,3,platelets x 1000,163.0,163,K/mcL,K/uL,7134 +658422866,2705166,21368,3,-polys,78.0,78,%,%,21460 +714933452,2705166,9998,7,Temperature,37.0,37.0,°C,Deg C,10015 +712001177,2705166,12828,7,Methemoglobin,0.5,0.5,%,%,12838 +669049089,2705166,7093,3,MCH,31.4,31.4,pg,pg,7134 +665110844,2705166,19968,3,-lymphs,12.0,12,%,%,20042 +714933443,2705166,9998,7,paO2,62.0,62,mm Hg,mm(hg),10015 +638541569,2705166,19968,1,potassium,3.6,3.6,mmol/L,mmol/L,20052 +669049088,2705166,7093,3,RDW,20.3,20.3,%,%,7134 +666339110,2705166,5598,3,RDW,20.4,20.4,%,%,5660 +714933444,2705166,9998,7,Carboxyhemoglobin,0.4,0.4,%,%,10015 +713508867,2705166,15683,7,Carboxyhemoglobin,0.3,0.3,%,%,15690 +669049087,2705166,7093,3,WBC x 1000,5.0,5.0,K/mcL,K/uL,7134 +663980095,2705166,8448,3,-monos,11.0,11,%,%,8586 +714937285,2705166,9998,7,Methemoglobin,0.1,0.1,%,%,10015 +644959579,2705166,27178,1,AST (SGOT),45.0,45,Units/L,U/L,27300 +669049090,2705166,7093,3,-monos,12.0,12,%,%,7134 +658422873,2705166,21368,3,MCH,30.9,30.9,pg,pg,21460 +714933445,2705166,9998,7,paCO2,37.9,37.9,mm Hg,mm(hg),10015 +714043072,2705166,25839,7,O2 Content,13.7,13.7,mls/dL,,25849 +669049091,2705166,7093,3,MCHC,31.8,31.8,g/dL,g/dL,7134 +663980096,2705166,8448,3,MCHC,32.8,32.8,g/dL,g/dL,8503 +714669757,2705166,5678,7,O2 Sat (%),95.0,95,%,%,5692 +647020280,2705166,8448,1,anion gap,8.1,8.1,,mmol/L,8521 +669049085,2705166,7093,3,MCV,99.0,99,fL,fL,7134 +665110855,2705166,19968,3,-monos,6.0,6,%,%,20042 +714597129,2705166,18602,7,Base Excess,2.0,2.0,mEq/L,mmol/L,18611 +711840950,2705166,12828,7,HCO3,24.2,24.2,mmol/L,mmol/L,12838 +669049086,2705166,7093,3,Hgb,9.1,9.1,g/dL,g/dL,7134 +663980092,2705166,8448,3,WBC x 1000,4.8,4.8,K/mcL,K/uL,8503 +714669935,2705166,5678,7,Base Deficit,4.0,4.0,mEq/L,mmol/L,5692 +644959580,2705166,27178,1,sodium,144.0,144,mmol/L,mmol/L,27300 +669225962,2705166,24288,3,-monos,5.0,5,%,%,24367 +666339111,2705166,5598,3,MCH,31.9,31.9,pg,pg,5660 +714669939,2705166,5678,7,paO2,84.0,84,mm Hg,mm(hg),5692 +714528792,2705166,1303,7,paCO2,37.7,37.7,mm Hg,mm(hg),1309 +669225958,2705166,24288,3,Hgb,8.7,8.7,g/dL,g/dL,24367 +663980093,2705166,8448,3,RDW,19.5,19.5,%,%,8503 +714669936,2705166,5678,7,Vent Rate,14.0,14.0,/min,,5692 +646351464,2705166,18513,1,albumin,2.2,2.2,g/dL,g/dL,18563 +669225957,2705166,24288,3,MCV,103.0,103,fL,fL,24367 +658422869,2705166,21368,3,MCV,102.0,102,fL,fL,21460 +714669937,2705166,5678,7,Methemoglobin,0.2,0.2,%,%,5692 +713952357,2705166,24462,7,O2 Sat (%),91.0,91,%,%,24466 +669225955,2705166,24288,3,Hct,28.7,28.7,%,%,24367 +663980097,2705166,8448,3,platelets x 1000,178.0,178,K/mcL,K/uL,8503 +714669758,2705166,5678,7,Temperature,37.0,37.0,°C,Deg C,5692 +644591784,2705166,17058,1,phosphate,2.8,2.8,mg/dL,mg/dL,17118 +669225954,2705166,24288,3,-polys,80.0,80,%,%,24367 +665110856,2705166,19968,3,MCHC,29.0,29.0,g/dL,g/dL,20042 +714669932,2705166,5678,7,PEEP,12.0,12.0,cm H2O,,5692 +712001178,2705166,12828,7,FiO2,70.0,70.0,%,,12838 +669225959,2705166,24288,3,WBC x 1000,9.6,9.6,K/mcL,K/uL,24367 +663980084,2705166,8448,3,-lymphs,16.0,16,%,%,8586 +714933446,2705166,9998,7,O2 Content,13.1,13.1,mls/dL,,10015 +638541570,2705166,19968,1,creatinine,0.97,0.97,mg/dL,mg/dL,20052 +669225956,2705166,24288,3,-eos,5.0,5,%,%,24367 +666339102,2705166,5598,3,RBC,3.07,3.07,M/mcL,M/uL,5660 +714597128,2705166,18602,7,Temperature,37.2,37.2,°C,Deg C,18611 +714528798,2705166,1303,7,Temperature,37.9,37.9,°C,Deg C,1309 +669225960,2705166,24288,3,RDW,18.5,18.5,%,%,24367 +663976918,2705166,22863,3,-polys,78.0,78,%,%,22916 +714669934,2705166,5678,7,HCO3,21.3,21.3,mmol/L,mmol/L,5692 +644959581,2705166,27178,1,albumin,2.0,2.0,g/dL,g/dL,27300 +669225961,2705166,24288,3,MCH,31.3,31.3,pg,pg,24367 +658422872,2705166,21368,3,RDW,20.1,20.1,%,%,21460 +714565344,2705166,2785,7,Spontaneous Rate,18.0,18.0,/min,,2790 +713732353,2705166,22923,7,FiO2,50.0,50.0,%,,22931 +669225963,2705166,24288,3,MCHC,30.3,30.3,g/dL,g/dL,24367 +663980085,2705166,8448,3,RBC,3.65,3.65,M/mcL,M/uL,8503 +714559312,2705166,18602,7,PEEP,5.0,5.0,cm H2O,,18611 +647171451,2705166,8448,1,sodium,141.0,141,mmol/L,mmol/L,8796 +668985503,2705166,27178,3,RBC,2.71,2.71,M/mcL,M/uL,27291 +665110857,2705166,19968,3,platelets x 1000,551.0,551,K/mcL,K/uL,20042 +714669938,2705166,5678,7,FiO2,65.0,65.0,%,,5692 +711840948,2705166,12828,7,Pressure Support,25.0,25,cm H2O,,12838 +669225952,2705166,24288,3,RBC,2.78,2.78,M/mcL,M/uL,24367 +663976916,2705166,22863,3,RBC,3.03,3.03,M/mcL,M/uL,22916 +714937286,2705166,9998,7,FiO2,60.0,60.0,%,,10015 +644682248,2705166,25758,1,creatinine,0.75,0.75,mg/dL,mg/dL,25799 +669225953,2705166,24288,3,-basos,0.0,0,%,%,24367 +666339103,2705166,5598,3,-basos,0.0,0,%,%,5700 +714566275,2705166,2785,7,pH,7.381,7.381,,,2790 +713508869,2705166,15683,7,O2 Content,13.0,13.0,mls/dL,,15690 +668985502,2705166,27178,3,-lymphs,16.0,16,%,%,27291 +663980091,2705166,8448,3,Hgb,11.6,11.6,g/dL,g/dL,8503 +630128840,2705166,14148,1,AST (SGOT),50.0,50,Units/L,U/L,14253 +646414831,2705166,2658,1,alkaline phos.,53.0,53,Units/L,U/L,2755 +655443820,2705166,-2932,3,Hgb,14.6,14.6,g/dL,g/dL,-2901 +658422865,2705166,21368,3,-basos,1.0,1,%,%,21460 +668985504,2705166,27178,3,-basos,0.0,0,%,%,27291 +713952348,2705166,24462,7,FiO2,60.0,60.0,%,,24466 +631840196,2705166,11298,1,creatinine,1.09,1.09,mg/dL,mg/dL,11369 +663976917,2705166,22863,3,-basos,1.0,1,%,%,22916 +630128837,2705166,14148,1,creatinine,1.31,1.31,mg/dL,mg/dL,14253 +644591785,2705166,17058,1,glucose,170.0,170,mg/dL,mg/dL,17118 +655443821,2705166,-2932,3,WBC x 1000,7.4,7.4,K/mcL,K/uL,-2901 +665110848,2705166,19968,3,Hct,24.8,24.8,%,%,20042 +668985509,2705166,27178,3,Hgb,8.3,8.3,g/dL,g/dL,27291 +642210938,2705166,14148,1,magnesium,2.1,2.1,mg/dL,mg/dL,14250 +631840197,2705166,11298,1,alkaline phos.,172.0,172,Units/L,U/L,11369 +663976927,2705166,22863,3,MCHC,30.4,30.4,g/dL,g/dL,22916 +630128847,2705166,14148,1,glucose,143.0,143,mg/dL,mg/dL,14253 +639062939,2705166,12738,1,bicarbonate,25.0,25,mmol/L,mmol/L,12843 +655443817,2705166,-2932,3,Hct,43.1,43.1,%,%,-2901 +666339104,2705166,5598,3,-polys,76.0,76,%,%,5700 +668985510,2705166,27178,3,WBC x 1000,8.1,8.1,K/mcL,K/uL,27291 +706399524,2705166,11468,7,Methemoglobin,0.4,0.4,%,%,11491 +631840198,2705166,11298,1,anion gap,6.8,6.8,,mmol/L,11369 +663980087,2705166,8448,3,-polys,70.0,70,%,%,8586 +630128836,2705166,14148,1,potassium,3.5,3.5,mmol/L,mmol/L,14253 +644682257,2705166,25758,1,BUN,23.0,23,mg/dL,mg/dL,25799 +655443816,2705166,-2932,3,-polys,67.0,67,%,%,-2901 +658422874,2705166,21368,3,-monos,6.0,6,%,%,21460 +668985511,2705166,27178,3,RDW,17.8,17.8,%,%,27291 +713388726,2705166,15800,7,FiO2,50.0,50.0,%,,15804 +631840224,2705166,11298,1,chloride,108.0,108,mmol/L,mmol/L,11369 +663976919,2705166,22863,3,Hct,30.9,30.9,%,%,22916 +630128835,2705166,14148,1,total bilirubin,1.8,1.8,mg/dL,mg/dL,14253 +645355830,2705166,12738,1,calcium,7.8,7.8,mg/dL,mg/dL,12844 +655443818,2705166,-2932,3,-eos,2.0,2,%,%,-2901 +665110849,2705166,19968,3,-eos,3.0,3,%,%,20042 +668985513,2705166,27178,3,-monos,8.0,8,%,%,27291 +625793300,2705166,8178,1,potassium,3.8,3.8,mmol/L,mmol/L,8212 +631840194,2705166,11298,1,total bilirubin,2.8,2.8,mg/dL,mg/dL,11369 +663980088,2705166,8448,3,Hct,35.4,35.4,%,%,8503 +630128841,2705166,14148,1,sodium,141.0,141,mmol/L,mmol/L,14253 +644962962,2705166,27178,1,bicarbonate,30.0,30,mmol/L,mmol/L,27300 +655443822,2705166,-2932,3,RDW,15.3,15.3,%,%,-2901 +666339106,2705166,5598,3,-eos,4.0,4,%,%,5700 +668985507,2705166,27178,3,-eos,3.0,3,%,%,27291 +713508876,2705166,15683,7,Base Excess,0.1,0.1,mEq/L,mmol/L,15690 +631840225,2705166,11298,1,BUN,27.0,27,mg/dL,mg/dL,11369 +663976926,2705166,22863,3,-monos,5.0,5,%,%,22916 +630128844,2705166,14148,1,total protein,6.7,6.7,g/dL,g/dL,14253 +639062940,2705166,12738,1,total protein,6.7,6.7,g/dL,g/dL,12843 +655443814,2705166,-2932,3,RBC,4.3,4.30,M/mcL,M/uL,-2901 +658422864,2705166,21368,3,RBC,2.75,2.75,M/mcL,M/uL,21460 +668985512,2705166,27178,3,MCH,30.6,30.6,pg,pg,27291 +713520080,2705166,15800,7,O2 Content,13.3,13.3,mls/dL,,15804 +631840195,2705166,11298,1,potassium,3.8,3.8,mmol/L,mmol/L,11369 +663976928,2705166,22863,3,platelets x 1000,562.0,562,K/mcL,K/uL,22916 +630128845,2705166,14148,1,calcium,8.3,8.3,mg/dL,mg/dL,14253 +644682253,2705166,25758,1,calcium,8.2,8.2,mg/dL,mg/dL,25799 +655443815,2705166,-2932,3,-basos,1.0,1,%,%,-2901 +665110845,2705166,19968,3,RBC,2.39,2.39,M/mcL,M/uL,20042 +668985508,2705166,27178,3,MCV,102.0,102,fL,fL,27291 +636709481,2705166,14673,1,potassium,3.9,3.9,mmol/L,mmol/L,14696 +631840199,2705166,11298,1,AST (SGOT),46.0,46,Units/L,U/L,11369 +663976920,2705166,22863,3,-eos,4.0,4,%,%,22916 +630128846,2705166,14148,1,ALT (SGPT),20.0,20,Units/L,U/L,14253 +645376732,2705166,1218,1,magnesium,2.8,2.8,mg/dL,mg/dL,1276 +655443819,2705166,-2932,3,MCV,100.0,100,fL,fL,-2901 +664347097,2705166,11298,3,RBC,2.85,2.85,M/mcL,M/uL,11356 +668985506,2705166,27178,3,Hct,27.6,27.6,%,%,27291 +706399535,2705166,11468,7,Temperature,37.0,37.0,°C,Deg C,11491 +631840220,2705166,11298,1,total protein,6.0,6.0,g/dL,g/dL,11369 +666339105,2705166,5598,3,Hct,29.9,29.9,%,%,5660 +630128838,2705166,14148,1,alkaline phos.,144.0,144,Units/L,U/L,14253 +644510602,2705166,9888,1,phosphate,2.5,2.5,mg/dL,mg/dL,9966 +655443825,2705166,-2932,3,MCHC,33.9,33.9,g/dL,g/dL,-2901 +663980089,2705166,8448,3,-eos,3.0,3,%,%,8586 +669225964,2705166,24288,3,platelets x 1000,547.0,547,K/mcL,K/uL,24367 +714548359,2705166,4175,7,pH,7.416,7.416,,,4180 +631840201,2705166,11298,1,albumin,1.7,1.7,g/dL,g/dL,11369 +664347104,2705166,11298,3,MCHC,32.7,32.7,g/dL,g/dL,11356 +630128848,2705166,14148,1,chloride,106.0,106,mmol/L,mmol/L,14253 +639062937,2705166,12738,1,sodium,137.0,137,mmol/L,mmol/L,12843 +655443826,2705166,-2932,3,platelets x 1000,218.0,218,K/mcL,K/uL,-2901 +658422871,2705166,21368,3,WBC x 1000,10.1,10.1,K/mcL,K/uL,21460 +669225951,2705166,24288,3,-lymphs,10.0,10,%,%,24367 +713508864,2705166,15683,7,Methemoglobin,0.4,0.4,%,%,15690 +631840221,2705166,11298,1,calcium,7.7,7.7,mg/dL,mg/dL,11369 +663980086,2705166,8448,3,-basos,0.0,0,%,%,8586 +630128843,2705166,14148,1,bicarbonate,25.0,25,mmol/L,mmol/L,14253 +644682254,2705166,25758,1,phosphate,2.1,2.1,mg/dL,mg/dL,25799 +655443823,2705166,-2932,3,MCH,34.0,34.0,pg,pg,-2901 +664459828,2705166,963,3,MCHC,32.9,32.9,g/dL,g/dL,1016 +668985514,2705166,27178,3,MCHC,30.1,30.1,g/dL,g/dL,27291 +714548358,2705166,4175,7,O2 Content,11.4,11.4,mls/dL,,4180 +631840219,2705166,11298,1,bicarbonate,27.0,27,mmol/L,mmol/L,11369 +664347098,2705166,11298,3,Hct,27.8,27.8,%,%,11356 +630128839,2705166,14148,1,anion gap,13.6,13.6,,mmol/L,14253 +660756935,2705166,9888,3,MCHC,32.5,32.5,g/dL,g/dL,10020 +655443824,2705166,-2932,3,-monos,9.0,9,%,%,-2901 +662693492,2705166,708,3,-polys,86.0,86,%,%,725 +668243680,2705166,11298,3,PT,18.5,18.5,sec,sec,11358 +706399534,2705166,11468,7,O2 Sat (%),95.0,95,%,%,11491 +631840200,2705166,11298,1,sodium,138.0,138,mmol/L,mmol/L,11369 +665110847,2705166,19968,3,-polys,78.0,78,%,%,20042 +630128842,2705166,14148,1,albumin,2.7,2.7,g/dL,g/dL,14253 +644591780,2705166,17058,1,sodium,147.0,147,mmol/L,mmol/L,17118 +635540597,2705166,17731,1,potassium,2.6,2.6,mmol/L,mmol/L,17788 +664459826,2705166,963,3,MCH,32.9,32.9,pg,pg,1016 +668985505,2705166,27178,3,-polys,73.0,73,%,%,27291 +714548354,2705166,4175,7,FiO2,50.0,50.0,%,,4180 +631840222,2705166,11298,1,ALT (SGPT),13.0,13,Units/L,U/L,11369 +663352251,2705166,8448,3,PT,27.4,27.4,sec,sec,8552 +633245549,2705166,19363,1,potassium,3.6,3.6,mmol/L,mmol/L,19416 +638541571,2705166,19968,1,anion gap,5.6,5.6,,mmol/L,20052 +638512796,2705166,20333,1,potassium,3.7,3.7,mmol/L,mmol/L,20396 +662693493,2705166,708,3,Hct,25.7,25.7,%,%,725 +668243681,2705166,11298,3,PT - INR,1.5,1.5,ratio,,11358 +713508863,2705166,15683,7,Vent Rate,25.0,25.0,/min,,15690 +652238582,2705166,-1492,3,PT,117.8,117.8,sec,sec,-1408 +664347105,2705166,11298,3,platelets x 1000,288.0,288,K/mcL,K/uL,11356 +631840223,2705166,11298,1,glucose,155.0,155,mg/dL,mg/dL,11369 +644682252,2705166,25758,1,bicarbonate,30.0,30,mmol/L,mmol/L,25799 +630128849,2705166,14148,1,BUN,46.0,46,mg/dL,mg/dL,14253 +664459829,2705166,963,3,platelets x 1000,114.0,114,K/mcL,K/uL,1016 +625144496,2705166,12048,1,potassium,3.5,3.5,mmol/L,mmol/L,12221 +714548353,2705166,4175,7,Methemoglobin,0.5,0.5,%,%,4180 +655443813,2705166,-2932,3,-lymphs,21.0,21,%,%,-2901 +666339101,2705166,5598,3,-lymphs,9.0,9,%,%,5700 +668985515,2705166,27178,3,platelets x 1000,453.0,453,K/mcL,K/uL,27291 +660756936,2705166,9888,3,platelets x 1000,247.0,247,K/mcL,K/uL,10020 +652238583,2705166,-1492,3,PT - INR,14.2,14.2,ratio,,-1408 +662693494,2705166,708,3,-eos,0.0,0,%,%,725 +638242661,2705166,27740,1,potassium,4.2,4.2,mmol/L,mmol/L,27763 +706399533,2705166,11468,7,Spontaneous Rate,25.0,25.0,/min,,11491 +637978560,2705166,10448,1,potassium,4.0,4.0,mmol/L,mmol/L,10497 +663976923,2705166,22863,3,WBC x 1000,11.7,11.7,K/mcL,K/uL,22916 +647814768,2705166,9888,1,chloride,109.0,109,mmol/L,mmol/L,10029 +644591779,2705166,17058,1,anion gap,6.9,6.9,,mmol/L,17118 +648179159,2705166,2658,3,PT - INR,2.5,2.5,ratio,,2734 +664459827,2705166,963,3,-monos,6.0,6,%,%,1016 +648179158,2705166,2658,3,PT,28.4,28.4,sec,sec,2734 +714548355,2705166,4175,7,paO2,70.0,70,mm Hg,mm(hg),4180 +659984607,2705166,15618,3,Hgb,8.8,8.8,g/dL,g/dL,15678 +664347100,2705166,11298,3,Hgb,9.1,9.1,g/dL,g/dL,11356 +647814769,2705166,9888,1,BUN,24.0,24,mg/dL,mg/dL,10029 +639062938,2705166,12738,1,albumin,2.9,2.9,g/dL,g/dL,12843 +659984606,2705166,15618,3,MCV,99.0,99,fL,fL,15678 +662693502,2705166,708,3,platelets x 1000,116.0,116,K/mcL,K/uL,725 +648209683,2705166,15618,3,PT - INR,1.2,1.2,ratio,,15679 +713508865,2705166,15683,7,FiO2,50.0,50.0,%,,15690 +659984605,2705166,15618,3,-eos,2.0,2,%,%,15710 +658422863,2705166,21368,3,-lymphs,12.0,12,%,%,21460 +648209682,2705166,15618,3,PT,15.3,15.3,sec,sec,15679 +644682249,2705166,25758,1,anion gap,10.2,10.2,,mmol/L,25799 +659984608,2705166,15618,3,WBC x 1000,12.9,12.9,K/mcL,K/uL,15678 +664459825,2705166,963,3,RDW,18.1,18.1,%,%,1016 +647814765,2705166,9888,1,calcium,7.0,7.0,mg/dL,mg/dL,10029 +714700401,2705166,7067,7,HCO3,23.2,23.2,mmol/L,mmol/L,7074 +659724706,2705166,2658,3,-lymphs,7.0,7,%,%,2735 +663976922,2705166,22863,3,Hgb,9.4,9.4,g/dL,g/dL,22916 +647814767,2705166,9888,1,glucose,109.0,109,mg/dL,mg/dL,10029 +660756929,2705166,9888,3,Hct,27.4,27.4,%,%,10020 +659984609,2705166,15618,3,RDW,18.9,18.9,%,%,15678 +662693497,2705166,708,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,725 +647831747,2705166,9888,1,total bilirubin,3.8,3.8,mg/dL,mg/dL,10029 +706399530,2705166,11468,7,pH,7.459,7.459,,,11491 +659984604,2705166,15618,3,Hct,28.0,28.0,%,%,15678 +664347099,2705166,11298,3,MCV,98.0,98,fL,fL,11356 +647814766,2705166,9888,1,ALT (SGPT),22.0,22,Units/L,U/L,10029 +644591781,2705166,17058,1,albumin,2.3,2.3,g/dL,g/dL,17118 +659984610,2705166,15618,3,MCH,31.2,31.2,pg,pg,15678 +664459823,2705166,963,3,Hgb,8.3,8.3,g/dL,g/dL,1016 +647814762,2705166,9888,1,albumin,1.9,1.9,g/dL,g/dL,10029 +714548356,2705166,4175,7,Carboxyhemoglobin,0.3,0.3,%,%,4180 +659634158,2705166,1218,3,PT,21.3,21.3,sec,sec,1485 +665110846,2705166,19968,3,-basos,1.0,1,%,%,20042 +647814763,2705166,9888,1,bicarbonate,24.0,24,mmol/L,mmol/L,10029 +638733762,2705166,15618,1,magnesium,1.9,1.9,mg/dL,mg/dL,15687 +659634159,2705166,1218,3,PT - INR,1.7,1.7,ratio,,1485 +662693499,2705166,708,3,MCH,32.4,32.4,pg,pg,725 +647831751,2705166,9888,1,anion gap,12.8,12.8,,mmol/L,10029 +713508875,2705166,15683,7,Temperature,37.0,37.0,°C,Deg C,15690 +659724707,2705166,2658,3,RBC,2.65,2.65,M/mcL,M/uL,2735 +663976924,2705166,22863,3,RDW,19.2,19.2,%,%,22916 +647831750,2705166,9888,1,alkaline phos.,152.0,152,Units/L,U/L,10029 +644682250,2705166,25758,1,sodium,147.0,147,mmol/L,mmol/L,25799 +659724716,2705166,2658,3,MCH,32.5,32.5,pg,pg,2735 +664459824,2705166,963,3,WBC x 1000,9.9,9.9,K/mcL,K/uL,1016 +647831748,2705166,9888,1,potassium,3.6,3.6,mmol/L,mmol/L,10029 +714548352,2705166,4175,7,Vent Rate,14.0,14.0,/min,,4180 +659724717,2705166,2658,3,-monos,5.0,5,%,%,2735 +664347101,2705166,11298,3,WBC x 1000,7.9,7.9,K/mcL,K/uL,11356 +647831752,2705166,9888,1,AST (SGOT),44.0,44,Units/L,U/L,10029 +660756928,2705166,9888,3,RBC,2.85,2.85,M/mcL,M/uL,10020 +659984601,2705166,15618,3,RBC,2.82,2.82,M/mcL,M/uL,15678 +662693498,2705166,708,3,RDW,16.9,16.9,%,%,725 +647814764,2705166,9888,1,total protein,4.9,4.9,g/dL,g/dL,10029 +706399521,2705166,11468,7,HCO3,20.9,20.9,mmol/L,mmol/L,11491 +659724719,2705166,2658,3,platelets x 1000,133.0,133,K/mcL,K/uL,2735 +666339107,2705166,5598,3,MCV,97.0,97,fL,fL,5660 +655536481,2705166,5598,3,PT,31.1,31.1,sec,sec,5660 +644591777,2705166,17058,1,potassium,2.9,2.9,mmol/L,mmol/L,17118 +647814761,2705166,9888,1,sodium,142.0,142,mmol/L,mmol/L,10029 +649143258,2705166,-58,3,platelets x 1000,179.0,179,K/mcL,K/uL,29 +659724718,2705166,2658,3,MCHC,32.1,32.1,g/dL,g/dL,2735 +714700399,2705166,7067,7,PEEP,10.0,10.0,cm H2O,,7074 +655536482,2705166,5598,3,PT - INR,2.8,2.8,ratio,,5660 +664459822,2705166,963,3,MCV,100.0,100,fL,fL,1016 +647831749,2705166,9888,1,creatinine,1.08,1.08,mg/dL,mg/dL,10029 +638541572,2705166,19968,1,sodium,152.0,152,mmol/L,mmol/L,20052 +659984602,2705166,15618,3,-basos,0.0,0,%,%,15710 +663980094,2705166,8448,3,MCH,31.8,31.8,pg,pg,8503 +648669859,2705166,12738,3,RBC,2.92,2.92,M/mcL,M/uL,12845 +713508870,2705166,15683,7,pH,7.438,7.438,,,15690 +659724714,2705166,2658,3,WBC x 1000,9.8,9.8,K/mcL,K/uL,2735 +649143245,2705166,-58,3,-lymphs,5.0,5,%,%,29 +648669869,2705166,12738,3,-monos,5.0,5,%,%,12845 +644682251,2705166,25758,1,albumin,2.2,2.2,g/dL,g/dL,25799 +659724713,2705166,2658,3,Hgb,8.6,8.6,g/dL,g/dL,2735 +662693489,2705166,708,3,-lymphs,8.0,8,%,%,725 +648669865,2705166,12738,3,Hgb,9.0,9.0,g/dL,g/dL,12845 +714700402,2705166,7067,7,Base Deficit,1.7,1.7,mEq/L,mmol/L,7074 +659724711,2705166,2658,3,-eos,1.0,1,%,%,2735 +664347102,2705166,11298,3,RDW,18.5,18.5,%,%,11356 +648669862,2705166,12738,3,Hct,28.7,28.7,%,%,12845 +660756930,2705166,9888,3,MCV,96.0,96,fL,fL,10020 +659984600,2705166,15618,3,-lymphs,6.0,6,%,%,15710 +649143253,2705166,-58,3,WBC x 1000,17.6,17.6,K/mcL,K/uL,29 +706399519,2705166,11468,7,PEEP,10.0,10.0,cm H2O,,11491 +659724715,2705166,2658,3,RDW,18.9,18.9,%,%,2735 +664459820,2705166,963,3,Hct,25.2,25.2,%,%,1016 +648669861,2705166,12738,3,-polys,84.0,84,%,%,12845 +644591778,2705166,17058,1,creatinine,0.91,0.91,mg/dL,mg/dL,17118 +659724712,2705166,2658,3,MCV,101.0,101,fL,fL,2735 +658422870,2705166,21368,3,Hgb,8.5,8.5,g/dL,g/dL,21460 +648669864,2705166,12738,3,MCV,98.0,98,fL,fL,12845 +714548364,2705166,4175,7,Temperature,37.0,37.0,°C,Deg C,4180 +659984612,2705166,15618,3,MCHC,31.4,31.4,g/dL,g/dL,15678 +661297592,2705166,17058,3,RBC,2.6,2.60,M/mcL,M/uL,17095 +648669866,2705166,12738,3,WBC x 1000,9.4,9.4,K/mcL,K/uL,12845 +649143254,2705166,-58,3,RDW,14.7,14.7,%,%,29 +659984613,2705166,15618,3,platelets x 1000,430.0,430,K/mcL,K/uL,15678 +639062941,2705166,12738,1,calcium,8.1,8.1,mg/dL,mg/dL,12843 +648669871,2705166,12738,3,platelets x 1000,302.0,302,K/mcL,K/uL,12845 +661297593,2705166,17058,3,-basos,0.0,0,%,%,17095 +659984603,2705166,15618,3,-polys,86.0,86,%,%,15710 +662693490,2705166,708,3,RBC,2.59,2.59,M/mcL,M/uL,725 +648669858,2705166,12738,3,-lymphs,10.0,10,%,%,12845 +713508859,2705166,15683,7,PEEP,8.0,8.0,cm H2O,,15690 +659984611,2705166,15618,3,-monos,6.0,6,%,%,15710 +661297591,2705166,17058,3,-lymphs,7.0,7,%,%,17095 +648669860,2705166,12738,3,-basos,0.0,0,%,%,12845 +663976915,2705166,22863,3,-lymphs,12.0,12,%,%,22916 +659724708,2705166,2658,3,-basos,0.0,0,%,%,2735 +644682255,2705166,25758,1,glucose,125.0,125,mg/dL,mg/dL,25799 +648669870,2705166,12738,3,MCHC,31.4,31.4,g/dL,g/dL,12845 +661258839,2705166,1218,3,MCHC,32.6,32.6,g/dL,g/dL,1252 +659724709,2705166,2658,3,-polys,87.0,87,%,%,2735 +649143255,2705166,-58,3,MCH,34.2,34.2,pg,pg,29 +648669867,2705166,12738,3,RDW,18.7,18.7,%,%,12845 +714701350,2705166,7067,7,O2 Sat (%),87.0,87,%,%,7074 +659724710,2705166,2658,3,Hct,26.8,26.8,%,%,2735 +661258838,2705166,1218,3,-monos,5.0,5,%,%,1252 +648669868,2705166,12738,3,MCH,30.8,30.8,pg,pg,12845 +664459818,2705166,963,3,-basos,0.0,0,%,%,1016 +655771186,2705166,4128,3,platelets x 1000,142.0,142,K/mcL,K/uL,4165 +660756931,2705166,9888,3,Hgb,8.9,8.9,g/dL,g/dL,10020 +646863374,2705166,7093,1,chloride,112.0,112,mmol/L,mmol/L,7141 +661258835,2705166,1218,3,WBC x 1000,10.3,10.3,K/mcL,K/uL,1252 +649199498,2705166,25758,3,-lymphs,16.0,16,%,%,25787 +664347103,2705166,11298,3,MCH,31.9,31.9,pg,pg,11356 +646863373,2705166,7093,1,glucose,127.0,127,mg/dL,mg/dL,7141 +706399518,2705166,11468,7,Peak Airway/Pressure,36.0,36.0,cm H2O,,11491 +655771184,2705166,4128,3,-monos,10.0,10,%,%,4165 +661258827,2705166,1218,3,-lymphs,9.0,9,%,%,1252 +646863375,2705166,7093,1,BUN,18.0,18,mg/dL,mg/dL,7141 +649143250,2705166,-58,3,-eos,0.0,0,%,%,29 +649199499,2705166,25758,3,RBC,3.01,3.01,M/mcL,M/uL,25786 +644962965,2705166,27178,1,ALT (SGPT),33.0,33,Units/L,U/L,27300 +646863365,2705166,7093,1,potassium,3.7,3.7,mmol/L,mmol/L,7141 +661258837,2705166,1218,3,MCH,32.6,32.6,pg,pg,1252 +655771176,2705166,4128,3,-polys,82.0,82,%,%,4165 +662693496,2705166,708,3,Hgb,8.4,8.4,g/dL,g/dL,725 +646863366,2705166,7093,1,creatinine,1.01,1.01,mg/dL,mg/dL,7141 +714548351,2705166,4175,7,TV,680.0,680,mls,mL,4180 +649199501,2705166,25758,3,-polys,73.0,73,%,%,25787 +661258836,2705166,1218,3,RDW,18.6,18.6,%,%,1252 +646863368,2705166,7093,1,sodium,142.0,142,mmol/L,mmol/L,7141 +665110850,2705166,19968,3,MCV,104.0,104,fL,fL,20042 +655771185,2705166,4128,3,MCHC,32.1,32.1,g/dL,g/dL,4165 +638541573,2705166,19968,1,albumin,2.1,2.1,g/dL,g/dL,20052 +646863367,2705166,7093,1,anion gap,8.7,8.7,,mmol/L,7141 +661297594,2705166,17058,3,-polys,86.0,86,%,%,17095 +649199500,2705166,25758,3,-basos,0.0,0,%,%,25787 +649143252,2705166,-58,3,Hgb,9.2,9.2,g/dL,g/dL,29 +646137664,2705166,-2932,1,total protein,7.9,7.9,g/dL,g/dL,-2873 +713508861,2705166,15683,7,HCO3,24.1,24.1,mmol/L,mmol/L,15690 +646863369,2705166,7093,1,albumin,2.1,2.1,g/dL,g/dL,7141 +661258840,2705166,1218,3,platelets x 1000,127.0,127,K/mcL,K/uL,1252 +646190620,2705166,-2932,1,calcium,8.3,8.3,mg/dL,mg/dL,-2873 +664459816,2705166,963,3,-lymphs,8.0,8,%,%,1016 +655771177,2705166,4128,3,Hct,24.3,24.3,%,%,4165 +644962966,2705166,27178,1,glucose,130.0,130,mg/dL,mg/dL,27300 +646141017,2705166,-58,1,calcium,7.5,7.5,mg/dL,mg/dL,47 +661297601,2705166,17058,3,MCH,31.5,31.5,pg,pg,17095 +646863372,2705166,7093,1,phosphate,2.4,2.4,mg/dL,mg/dL,7141 +663976925,2705166,22863,3,MCH,31.0,31.0,pg,pg,22916 +646137657,2705166,-2932,1,creatinine,0.99,0.99,mg/dL,mg/dL,-2873 +714548357,2705166,4175,7,paCO2,33.4,33.4,mm Hg,mm(hg),4180 +649199502,2705166,25758,3,Hct,30.5,30.5,%,%,25786 +661297602,2705166,17058,3,-monos,6.0,6,%,%,17095 +646190616,2705166,-1492,1,calcium,8.0,8.0,mg/dL,mg/dL,-1417 +649143251,2705166,-58,3,MCV,103.0,103,fL,fL,29 +654915117,2705166,12738,3,PT,15.6,15.6,sec,sec,12834 +660756932,2705166,9888,3,WBC x 1000,6.8,6.8,K/mcL,K/uL,10020 +646141015,2705166,-58,1,albumin,2.8,2.8,g/dL,g/dL,47 +661297599,2705166,17058,3,WBC x 1000,10.8,10.8,K/mcL,K/uL,17095 +646863371,2705166,7093,1,calcium,7.7,7.7,mg/dL,mg/dL,7141 +662693500,2705166,708,3,-monos,6.0,6,%,%,725 +646190615,2705166,-1492,1,total protein,6.5,6.5,g/dL,g/dL,-1417 +706399528,2705166,11468,7,paCO2,30.1,30.1,mm Hg,mm(hg),11491 +655771173,2705166,4128,3,-lymphs,5.0,5,%,%,4165 +661258832,2705166,1218,3,-eos,0.0,0,%,%,1252 +646137660,2705166,-2932,1,AST (SGOT),37.0,37,Units/L,U/L,-2873 +647909308,2705166,7093,1,triglycerides,71.0,71,mg/dL,mg/dL,7141 +654915118,2705166,12738,3,PT - INR,1.2,1.2,ratio,,12834 +644962964,2705166,27178,1,calcium,8.0,8.0,mg/dL,mg/dL,27300 +646190609,2705166,-1492,1,alkaline phos.,54.0,54,Units/L,U/L,-1417 +661297600,2705166,17058,3,RDW,18.8,18.8,%,%,17095 +646863370,2705166,7093,1,bicarbonate,25.0,25,mmol/L,mmol/L,7141 +649143247,2705166,-58,3,-basos,0.0,0,%,%,29 +646141014,2705166,-58,1,sodium,140.0,140,mmol/L,mmol/L,47 +714700403,2705166,7067,7,Vent Rate,20.0,20.0,/min,,7074 +649199503,2705166,25758,3,-eos,4.0,4,%,%,25787 +661258833,2705166,1218,3,MCV,100.0,100,fL,fL,1252 +646137663,2705166,-2932,1,bicarbonate,29.0,29,mmol/L,mmol/L,-2873 +664459821,2705166,963,3,-eos,0.0,0,%,%,1016 +653951732,2705166,2448,3,MCH,33.6,33.6,pg,pg,2472 +638969054,2705166,12738,1,BUN,32.0,32,mg/dL,mg/dL,12843 +646190634,2705166,-1492,1,BUN,15.0,15,mg/dL,mg/dL,-1417 +661297603,2705166,17058,3,MCHC,31.4,31.4,g/dL,g/dL,17095 +655771182,2705166,4128,3,RDW,18.6,18.6,%,%,4165 +663352252,2705166,8448,3,PT - INR,2.4,2.4,ratio,,8552 +646141018,2705166,-58,1,phosphate,2.1,2.1,mg/dL,mg/dL,47 +713508873,2705166,15683,7,Spontaneous Rate,27.0,27.0,/min,,15690 +708874820,2705166,14291,7,FiO2,60.0,60.0,%,,14296 +661297595,2705166,17058,3,Hct,26.1,26.1,%,%,17095 +653951722,2705166,2448,3,-lymphs,11.0,11,%,%,2472 +649143256,2705166,-58,3,-monos,7.0,7,%,%,29 +711773649,2705166,20108,7,Temperature,36.7,36.7,°C,Deg C,20111 +644962967,2705166,27178,1,chloride,112.0,112,mmol/L,mmol/L,27300 +646190614,2705166,-1492,1,bicarbonate,27.0,27,mmol/L,mmol/L,-1417 +661258828,2705166,1218,3,RBC,2.61,2.61,M/mcL,M/uL,1252 +708874822,2705166,14291,7,Carboxyhemoglobin,0.3,0.3,%,%,14296 +662693491,2705166,708,3,-basos,0.0,0,%,%,725 +649199511,2705166,25758,3,platelets x 1000,519.0,519,K/mcL,K/uL,25786 +714548362,2705166,4175,7,Spontaneous Rate,18.0,18.0,/min,,4180 +711773650,2705166,20108,7,Base Excess,4.2,4.2,mEq/L,mmol/L,20111 +661297596,2705166,17058,3,-eos,1.0,1,%,%,17095 +646190621,2705166,-2932,1,ALT (SGPT),43.0,43,Units/L,U/L,-2873 +662833365,2705166,4128,3,PT,28.9,28.9,sec,sec,4386 +708874821,2705166,14291,7,paO2,63.0,63,mm Hg,mm(hg),14296 +642723706,2705166,15618,1,bicarbonate,25.0,25,mmol/L,mmol/L,15687 +653951733,2705166,2448,3,-monos,4.0,4,%,%,2472 +661258829,2705166,1218,3,-basos,0.0,0,%,%,1252 +711650952,2705166,20108,7,pH,7.433,7.433,,,20111 +649143248,2705166,-58,3,-polys,88.0,88,%,%,29 +646137658,2705166,-2932,1,alkaline phos.,57.0,57,Units/L,U/L,-2873 +706399529,2705166,11468,7,O2 Content,11.9,11.9,mls/dL,,11491 +708874823,2705166,14291,7,paCO2,33.1,33.1,mm Hg,mm(hg),14296 +661258834,2705166,1218,3,Hgb,8.5,8.5,g/dL,g/dL,1252 +655771183,2705166,4128,3,MCH,32.5,32.5,pg,pg,4165 +664459819,2705166,963,3,-polys,86.0,86,%,%,1016 +711650951,2705166,20108,7,O2 Content,10.9,10.9,mls/dL,,20111 +660756933,2705166,9888,3,RDW,18.5,18.5,%,%,10020 +646141020,2705166,-58,1,chloride,106.0,106,mmol/L,mmol/L,47 +661258830,2705166,1218,3,-polys,86.0,86,%,%,1252 +708874819,2705166,14291,7,Methemoglobin,0.4,0.4,%,%,14296 +663976921,2705166,22863,3,MCV,102.0,102,fL,fL,22916 +653951724,2705166,2448,3,-basos,0.0,0,%,%,2472 +714701351,2705166,7067,7,Temperature,36.1,36.1,°C,Deg C,7074 +711650942,2705166,20108,7,PEEP,5.0,5.0,cm H2O,,20111 +641108957,2705166,27178,1,phosphate,3.1,3.1,mg/dL,mg/dL,27302 +646190610,2705166,-1492,1,anion gap,9.1,9.1,,mmol/L,-1417 +649143249,2705166,-58,3,Hct,27.8,27.8,%,%,29 +708874818,2705166,14291,7,Vent Rate,25.0,25.0,/min,,14296 +642723707,2705166,15618,1,calcium,7.9,7.9,mg/dL,mg/dL,15687 +649199509,2705166,25758,3,-monos,7.0,7,%,%,25787 +661297597,2705166,17058,3,MCV,100.0,100,fL,fL,17095 +711650950,2705166,20108,7,paCO2,44.2,44.2,mm Hg,mm(hg),20111 +662693501,2705166,708,3,MCHC,32.7,32.7,g/dL,g/dL,725 +646190619,2705166,-1492,1,chloride,106.0,106,mmol/L,mmol/L,-1417 +714528793,2705166,1303,7,O2 Content,12.0,12.0,mls/dL,,1309 +708864443,2705166,14291,7,Temperature,37.0,37.0,°C,Deg C,14296 +626883174,2705166,4128,1,magnesium,2.4,2.4,mg/dL,mg/dL,4166 +653951734,2705166,2448,3,MCHC,33.2,33.2,g/dL,g/dL,2472 +662833366,2705166,4128,3,PT - INR,2.5,2.5,ratio,,4386 +711773647,2705166,20108,7,Spontaneous Rate,9.0,9.0,/min,,20111 +644591782,2705166,17058,1,bicarbonate,29.0,29,mmol/L,mmol/L,17118 +646141021,2705166,-58,1,BUN,19.0,19,mg/dL,mg/dL,47 +661297598,2705166,17058,3,Hgb,8.2,8.2,g/dL,g/dL,17095 +708864439,2705166,14291,7,pH,7.463,7.463,,,14296 +649143246,2705166,-58,3,RBC,2.69,2.69,M/mcL,M/uL,29 +655771178,2705166,4128,3,-eos,3.0,3,%,%,4165 +714700404,2705166,7067,7,Methemoglobin,0.3,0.3,%,%,7074 +711650948,2705166,20108,7,paO2,72.0,72,mm Hg,mm(hg),20111 +626445363,2705166,12738,1,phosphate,4.9,4.9,mg/dL,mg/dL,12844 +646190618,2705166,-1492,1,glucose,103.0,103,mg/dL,mg/dL,-1417 +664459817,2705166,963,3,RBC,2.52,2.52,M/mcL,M/uL,1016 +708864438,2705166,14291,7,O2 Content,12.5,12.5,mls/dL,,14296 +642723704,2705166,15618,1,sodium,146.0,146,mmol/L,mmol/L,15687 +653951730,2705166,2448,3,WBC x 1000,9.6,9.6,K/mcL,K/uL,2472 +661258831,2705166,1218,3,Hct,26.1,26.1,%,%,1252 +711650945,2705166,20108,7,HCO3,29.0,29.0,mmol/L,mmol/L,20111 +625145925,2705166,4938,1,potassium,3.2,3.2,mmol/L,mmol/L,5091 +646190606,2705166,-1492,1,total bilirubin,1.8,1.8,mg/dL,mg/dL,-1417 +706399526,2705166,11468,7,paO2,84.0,84,mm Hg,mm(hg),11491 +708864442,2705166,14291,7,O2 Sat (%),92.0,92,%,%,14296 +630713126,2705166,17058,1,magnesium,2.1,2.1,mg/dL,mg/dL,17118 +649199510,2705166,25758,3,MCHC,29.8,29.8,g/dL,g/dL,25786 +649143257,2705166,-58,3,MCHC,33.1,33.1,g/dL,g/dL,29 +711773648,2705166,20108,7,O2 Sat (%),94.0,94,%,%,20111 +639062935,2705166,12738,1,anion gap,9.2,9.2,,mmol/L,12843 +646190349,2705166,52,1,lactate,2.1,2.1,mmol/L,mmol/L,90 +626541848,2705166,12738,1,magnesium,1.9,1.9,mg/dL,mg/dL,12844 +708874816,2705166,14291,7,Base Deficit,0.2,0.2,mEq/L,mmol/L,14296 +662693495,2705166,708,3,MCV,99.0,99,fL,fL,725 +653951728,2705166,2448,3,MCV,101.0,101,fL,fL,2472 +714700405,2705166,7067,7,FiO2,60.0,60.0,%,,7074 +711650946,2705166,20108,7,Methemoglobin,0.3,0.3,%,%,20111 +643441674,2705166,25358,1,potassium,3.7,3.7,mmol/L,mmol/L,25384 +646141012,2705166,-58,1,creatinine,1.13,1.13,mg/dL,mg/dL,47 +628593969,2705166,14148,1,phosphate,4.4,4.4,mg/dL,mg/dL,14250 +708874815,2705166,14291,7,HCO3,23.2,23.2,mmol/L,mmol/L,14296 +642723708,2705166,15618,1,phosphate,3.5,3.5,mg/dL,mg/dL,15687 +655771174,2705166,4128,3,RBC,2.4,2.40,M/mcL,M/uL,4165 +661297604,2705166,17058,3,platelets x 1000,475.0,475,K/mcL,K/uL,17095 +711650947,2705166,20108,7,FiO2,45.0,45.0,%,,20111 +648111319,2705166,-2932,2,ethanol,223.0,223,mg/dL,mg/dL,-2842 +646190607,2705166,-1492,1,potassium,4.1,4.1,mmol/L,mmol/L,-1417 +713508862,2705166,15683,7,TV,605.0,605,mls,mL,15690 +708874817,2705166,14291,7,TV,645.0,645,mls,mL,14296 +625074155,2705166,2658,1,magnesium,3.1,3.1,mg/dL,mg/dL,2733 +653951731,2705166,2448,3,RDW,18.8,18.8,%,%,2472 +643180273,2705166,26093,1,lactate,0.9,0.9,mmol/L,mmol/L,26137 +711650943,2705166,20108,7,Pressure Support,15.0,15,cm H2O,,20111 +644962968,2705166,27178,1,BUN,25.0,25,mg/dL,mg/dL,27300 +646190611,2705166,-1492,1,AST (SGOT),25.0,25,Units/L,U/L,-1417 +624660103,2705166,8448,1,magnesium,2.2,2.2,mg/dL,mg/dL,8526 +654110207,2705166,14148,3,-lymphs,6.0,6,%,%,14245 +663980090,2705166,8448,3,MCV,97.0,97,fL,fL,8503 +649199506,2705166,25758,3,WBC x 1000,9.5,9.5,K/mcL,K/uL,25786 +714700406,2705166,7067,7,paO2,48.0,48,mm Hg,mm(hg),7074 +708874813,2705166,14291,7,PEEP,8.0,8.0,cm H2O,,14296 +664240718,2705166,-1492,3,Hct,37.2,37.2,%,%,-1438 +646190612,2705166,-1492,1,sodium,138.0,138,mmol/L,mmol/L,-1417 +642723705,2705166,15618,1,albumin,2.6,2.6,g/dL,g/dL,15687 +711650949,2705166,20108,7,Carboxyhemoglobin,0.2,0.2,%,%,20111 +664240717,2705166,-1492,3,-polys,74.0,74,%,%,-1438 +653951729,2705166,2448,3,Hgb,8.6,8.6,g/dL,g/dL,2472 +706399522,2705166,11468,7,Base Deficit,2.4,2.4,mEq/L,mmol/L,11491 +654110220,2705166,14148,3,platelets x 1000,340.0,340,K/mcL,K/uL,14245 +664240716,2705166,-1492,3,-basos,1.0,1,%,%,-1438 +646137659,2705166,-2932,1,anion gap,11.4,11.4,,mmol/L,-2873 +660756934,2705166,9888,3,MCH,31.2,31.2,pg,pg,10020 +714672339,2705166,6188,7,Vent Rate,14.0,14.0,/min,,6196 +664240719,2705166,-1492,3,-eos,1.0,1,%,%,-1438 +655771175,2705166,4128,3,-basos,0.0,0,%,%,4165 +714700407,2705166,7067,7,Carboxyhemoglobin,0.3,0.3,%,%,7074 +654110210,2705166,14148,3,-polys,89.0,89,%,%,14245 +664240720,2705166,-1492,3,MCV,102.0,102,fL,fL,-1438 +646141011,2705166,-58,1,potassium,4.2,4.2,mmol/L,mmol/L,47 +642723701,2705166,15618,1,potassium,3.9,3.9,mmol/L,mmol/L,15687 +714672340,2705166,6188,7,Methemoglobin,0.4,0.4,%,%,6196 +664240715,2705166,-1492,3,RBC,3.65,3.65,M/mcL,M/uL,-1438 +653951723,2705166,2448,3,RBC,2.56,2.56,M/mcL,M/uL,2472 +714528797,2705166,1303,7,O2 Sat (%),91.0,91,%,%,1309 +654110216,2705166,14148,3,RDW,18.8,18.8,%,%,14245 +664240724,2705166,-1492,3,MCH,34.2,34.2,pg,pg,-1438 +646141013,2705166,-58,1,anion gap,13.2,13.2,,mmol/L,47 +644959576,2705166,27178,1,creatinine,0.82,0.82,mg/dL,mg/dL,27300 +714672337,2705166,6188,7,HCO3,22.7,22.7,mmol/L,mmol/L,6196 +664240725,2705166,-1492,3,-monos,11.0,11,%,%,-1438 +649199507,2705166,25758,3,RDW,17.9,17.9,%,%,25786 +714700408,2705166,7067,7,paCO2,38.5,38.5,mm Hg,mm(hg),7074 +654110217,2705166,14148,3,MCH,31.8,31.8,pg,pg,14245 +664240726,2705166,-1492,3,MCHC,33.6,33.6,g/dL,g/dL,-1438 +646190623,2705166,-2932,1,chloride,105.0,105,mmol/L,mmol/L,-2873 +642723702,2705166,15618,1,creatinine,1.17,1.17,mg/dL,mg/dL,15687 +714672338,2705166,6188,7,Base Deficit,3.9,3.9,mEq/L,mmol/L,6196 +664240727,2705166,-1492,3,platelets x 1000,197.0,197,K/mcL,K/uL,-1438 +653951735,2705166,2448,3,platelets x 1000,132.0,132,K/mcL,K/uL,2472 +706399523,2705166,11468,7,Vent Rate,25.0,25.0,/min,,11491 +654110218,2705166,14148,3,-monos,4.0,4,%,%,14245 +664240714,2705166,-1492,3,-lymphs,13.0,13,%,%,-1438 +646141019,2705166,-58,1,glucose,134.0,134,mg/dL,mg/dL,47 +639062936,2705166,12738,1,AST (SGOT),51.0,51,Units/L,U/L,12843 +714672341,2705166,6188,7,FiO2,100.0,100.0,%,,6196 +664240722,2705166,-1492,3,WBC x 1000,7.4,7.4,K/mcL,K/uL,-1438 +655771179,2705166,4128,3,MCV,101.0,101,fL,fL,4165 +714548349,2705166,4175,7,HCO3,21.0,21.0,mmol/L,mmol/L,4180 +654110215,2705166,14148,3,WBC x 1000,13.0,13.0,K/mcL,K/uL,14245 +664240721,2705166,-1492,3,Hgb,12.5,12.5,g/dL,g/dL,-1438 +646190622,2705166,-2932,1,glucose,147.0,147,mg/dL,mg/dL,-2873 +642723709,2705166,15618,1,glucose,141.0,141,mg/dL,mg/dL,15687 +714672648,2705166,6188,7,O2 Sat (%),86.0,86,%,%,6196 +664240723,2705166,-1492,3,RDW,14.9,14.9,%,%,-1438 +653951725,2705166,2448,3,-polys,83.0,83,%,%,2472 +714528794,2705166,1303,7,pH,7.392,7.392,,,1309 +654110212,2705166,14148,3,-eos,1.0,1,%,%,14245 +711773638,2705166,19256,7,pH,7.39,7.390,,,19262 +646137655,2705166,-2932,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-2873 +644962963,2705166,27178,1,total protein,6.3,6.3,g/dL,g/dL,27300 +714672334,2705166,6188,7,Peak Airway/Pressure,33.0,33.0,cm H2O,,6196 +711773635,2705166,19256,7,Carboxyhemoglobin,0.3,0.3,%,%,19262 +649199505,2705166,25758,3,Hgb,9.1,9.1,g/dL,g/dL,25786 +714700409,2705166,7067,7,O2 Content,12.3,12.3,mls/dL,,7074 +654110211,2705166,14148,3,Hct,27.0,27.0,%,%,14245 +711773636,2705166,19256,7,paCO2,46.0,46.0,mm Hg,mm(hg),19262 +646137661,2705166,-2932,1,sodium,142.0,142,mmol/L,mmol/L,-2873 +650286824,2705166,708,3,PT,20.6,20.6,sec,sec,734 +714672344,2705166,6188,7,paCO2,47.8,47.8,mm Hg,mm(hg),6196 +711773637,2705166,19256,7,O2 Content,13.5,13.5,mls/dL,,19262 +653951726,2705166,2448,3,Hct,25.9,25.9,%,%,2472 +706399525,2705166,11468,7,FiO2,90.0,90.0,%,,11491 +654110213,2705166,14148,3,MCV,99.0,99,fL,fL,14245 +711773630,2705166,19256,7,TV,500.0,500,mls,mL,19262 +646190624,2705166,-2932,1,BUN,15.0,15,mg/dL,mg/dL,-2873 +637844834,2705166,27178,1,magnesium,1.9,1.9,mg/dL,mg/dL,27302 +714672343,2705166,6188,7,Carboxyhemoglobin,0.3,0.3,%,%,6196 +711773641,2705166,19256,7,Spontaneous Rate,4.0,4.0,/min,,19262 +655771180,2705166,4128,3,Hgb,7.8,7.8,g/dL,g/dL,4165 +714548347,2705166,4175,7,PEEP,5.0,5.0,cm H2O,,4180 +654110209,2705166,14148,3,-basos,0.0,0,%,%,14245 +711773631,2705166,19256,7,Vent Rate,14.0,14.0,/min,,19262 +646190617,2705166,-1492,1,ALT (SGPT),32.0,32,Units/L,U/L,-1417 +642723703,2705166,15618,1,anion gap,14.8,14.8,,mmol/L,15687 +714672644,2705166,6188,7,O2 Content,14.0,14.0,mls/dL,,6196 +711773632,2705166,19256,7,Methemoglobin,0.4,0.4,%,%,19262 +653951727,2705166,2448,3,-eos,2.0,2,%,%,2472 +713508874,2705166,15683,7,O2 Sat (%),94.0,94,%,%,15690 +636513456,2705166,20838,1,potassium,4.5,4.5,mmol/L,mmol/L,20878 +711773633,2705166,19256,7,FiO2,100.0,100.0,%,,19262 +646137656,2705166,-2932,1,potassium,3.4,3.4,mmol/L,mmol/L,-2873 +644682256,2705166,25758,1,chloride,111.0,111,mmol/L,mmol/L,25799 +714672649,2705166,6188,7,Temperature,37.0,37.0,°C,Deg C,6196 +711773642,2705166,19256,7,O2 Sat (%),98.0,98,%,%,19262 +649199504,2705166,25758,3,MCV,101.0,101,fL,fL,25786 +714548350,2705166,4175,7,Base Deficit,3.1,3.1,mEq/L,mmol/L,4180 +654110208,2705166,14148,3,RBC,2.74,2.74,M/mcL,M/uL,14245 +658994780,2705166,14148,3,PT - INR,1.2,1.2,ratio,,14238 +646137662,2705166,-2932,1,albumin,3.9,3.9,g/dL,g/dL,-2873 +671788629,2705166,-2332,4,urinary specific gravity,1.015,1.015,,,-2293 +714672335,2705166,6188,7,PEEP,12.0,12.0,cm H2O,,6196 +711773629,2705166,19256,7,HCO3,27.2,27.2,mmol/L,mmol/L,19262 +653759206,2705166,9888,3,PT,24.7,24.7,sec,sec,10004 +706399527,2705166,11468,7,Carboxyhemoglobin,0.3,0.3,%,%,11491 +640488336,2705166,6433,1,potassium,4.3,4.3,mmol/L,mmol/L,6453 +646739688,2705166,6008,1,potassium,3.8,3.8,mmol/L,mmol/L,6034 +646190613,2705166,-1492,1,albumin,3.2,3.2,g/dL,g/dL,-1417 +639062942,2705166,12738,1,ALT (SGPT),18.0,18,Units/L,U/L,12843 +632207093,2705166,-1492,1,phosphate,2.1,2.1,mg/dL,mg/dL,-1416 +711773644,2705166,19256,7,Base Excess,1.9,1.9,mEq/L,mmol/L,19262 +655771181,2705166,4128,3,WBC x 1000,7.3,7.3,K/mcL,K/uL,4165 +714700410,2705166,7067,7,pH,7.395,7.395,,,7074 +654110214,2705166,14148,3,Hgb,8.7,8.7,g/dL,g/dL,14245 +658994779,2705166,14148,3,PT,15.3,15.3,sec,sec,14238 +646141016,2705166,-58,1,bicarbonate,25.0,25,mmol/L,mmol/L,47 +650286825,2705166,708,3,PT - INR,1.7,1.7,ratio,,734 +714672645,2705166,6188,7,pH,7.294,7.294,,,6196 +711773643,2705166,19256,7,Temperature,37.0,37.0,°C,Deg C,19262 +653759207,2705166,9888,3,PT - INR,2.1,2.1,ratio,,10004 +673407083,2705166,26083,4,urinary specific gravity,1.015,1.015,,,26145 +640538295,2705166,708,1,lactate,1.4,1.4,mmol/L,mmol/L,792 +644456623,2705166,19028,1,potassium,3.7,3.7,mmol/L,mmol/L,19074 +646190608,2705166,-1492,1,creatinine,0.8,0.80,mg/dL,mg/dL,-1417 +634045834,2705166,7093,1,magnesium,2.5,2.5,mg/dL,mg/dL,7141 +631365854,2705166,-58,1,magnesium,2.5,2.5,mg/dL,mg/dL,47 +711773627,2705166,19256,7,PEEP,5.0,5.0,cm H2O,,19262 +649199508,2705166,25758,3,MCH,30.2,30.2,pg,pg,25786 +714548363,2705166,4175,7,O2 Sat (%),93.0,93,%,%,4180 +654110219,2705166,14148,3,MCHC,32.2,32.2,g/dL,g/dL,14245 +626192108,2705166,9053,1,potassium,3.4,3.4,mmol/L,mmol/L,9077 +631026081,2705166,25758,1,magnesium,2.0,2.0,mg/dL,mg/dL,25799 +641758671,2705166,-2932,1,magnesium,1.8,1.8,mg/dL,mg/dL,-2810 +627184206,2705166,7753,1,potassium,3.6,3.6,mmol/L,mmol/L,7767 +711773634,2705166,19256,7,paO2,148.0,148,mm Hg,mm(hg),19262 +714672342,2705166,6188,7,paO2,55.0,55,mm Hg,mm(hg),6196 +648669863,2705166,12738,3,-eos,1.0,1,%,%,12845 +258567553,1073098,743,7,Methemoglobin,0.7,0.7,%,%,751 +258384015,1073098,752,7,FiO2,0.5,0.50,%,,759 +258810282,1073098,743,7,HCO3,11.4,11.4,mmol/L,mmol/L,751 +258810292,1073098,743,7,Base Excess,-15.0,-15.0,mEq/L,mmol/L,751 +258810291,1073098,743,7,O2 Sat (%),98.0,98.0,%,%,751 +258317427,1073098,107,7,HCO3,10.3,10.3,mmol/L,mmol/L,120 +254213534,1073098,89,3,MCV,98.6,98.6,fL,fL,116 +258621806,1073098,743,7,Carboxyhemoglobin,0.3,0.3,%,%,751 +258317429,1073098,107,7,paO2,144.0,144,mm Hg,mmHg,120 +254213532,1073098,89,3,RBC,4.31,4.31,M/mcL,10E6/mcL,116 +258810284,1073098,743,7,paO2,129.0,129,mm Hg,mmHg,751 +258317433,1073098,107,7,pH,7.22,7.22,,,120 +254213533,1073098,89,3,Hct,42.5,42.5,%,%,116 +258810286,1073098,743,7,O2 Content,17.0,17,mls/dL,vol %,751 +258317430,1073098,107,7,paCO2,26.0,26,mm Hg,mmHg,120 +253998743,1073098,89,3,PT,24.8,24.8,sec,second(s),155 +258810285,1073098,743,7,paCO2,29.0,29,mm Hg,mmHg,751 +258317428,1073098,107,7,FiO2,0.5,0.50,%,,120 +252948998,1073098,-71,1,lactate,9.97,9.97,mmol/L,mmol/L,99 +258810287,1073098,743,7,Oxyhemoglobin,96.8,96.8,%,%,751 +258198221,1073098,18,7,Methemoglobin,0.3,0.3,%,%,22 +254213536,1073098,89,3,WBC x 1000,26.7,26.7,K/mcL,10E3/mcL,116 +258810283,1073098,743,7,FiO2,0.5,0.50,%,,751 +258317431,1073098,107,7,O2 Content,21.0,21,mls/dL,vol %,120 +252954760,1073098,89,1,bicarbonate,10.0,10,mmol/L,mmol/L,138 +255946938,1073098,737,4,urinary creatinine,80.0,80,mg/dL,mg/dL,848 +258317432,1073098,107,7,Oxyhemoglobin,97.9,97.9,%,%,120 +253998744,1073098,89,3,PT - INR,2.34,2.34,ratio,,155 +252706077,1073098,968,1,lactate,,>20.50,mmol/L,mmol/L,984 +258317437,1073098,107,7,Base Excess,-15.5,-15.5,mEq/L,mmol/L,120 +255832590,1073098,205,4,bedside glucose,82.0,82,mg/dL,mg/dL,205 +252954753,1073098,89,1,potassium,5.2,5.2,mmol/L,mmol/L,138 +255200209,1073098,1654,3,Hct,33.7,33.7,%,%,1683 +258810288,1073098,743,7,pH,7.21,7.21,,,751 +258219825,1073098,1664,7,Carboxyhemoglobin,0.2,0.2,%,%,1676 +258317436,1073098,107,7,O2 Sat (%),98.5,98.5,%,%,120 +255666952,1073098,1659,4,bedside glucose,132.0,132,mg/dL,mg/dL,1659 +254213535,1073098,89,3,Hgb,14.3,14.3,g/dL,gm/dL,116 +258316493,1073098,1944,7,O2 Content,12.0,12,mls/dL,vol %,1954 +252612566,1073098,475,1,troponin - I,0.47,0.47,ng/mL,ng/mL,593 +255200211,1073098,1654,3,Hgb,10.6,10.6,g/dL,gm/dL,1683 +252954766,1073098,89,1,BUN,32.0,32,mg/dL,mg/dL,138 +258930444,1073098,494,7,Methemoglobin,0.5,0.5,%,%,529 +258543232,1073098,399,7,FiO2,0.5,0.50,%,,421 +258443522,1073098,194,7,FiO2,0.5,0.50,%,,209 +253502616,1073098,89,1,troponin - I,0.13,0.13,ng/mL,ng/mL,438 +258316494,1073098,1944,7,Oxyhemoglobin,92.4,92.4,%,%,1954 +254941717,1073098,964,3,RDW,18.0,18.0,%,%,983 +255200210,1073098,1654,3,MCV,101.2,101.2,fL,fL,1683 +252954764,1073098,89,1,glucose,77.0,77,mg/dL,mg/dL,138 +258536519,1073098,494,7,paCO2,19.0,19,mm Hg,mmHg,529 +258354949,1073098,1439,7,pH,7.22,7.22,,,1470 +258486960,1073098,1664,7,Base Excess,-20.4,-20.4,mEq/L,mmol/L,1676 +254006665,1073098,89,3,PTT,,>249.0,sec,second(s),155 +258316491,1073098,1944,7,paO2,84.0,84,mm Hg,mmHg,1954 +254941720,1073098,964,3,platelets x 1000,102.0,102,K/mcL,10E3/mcL,983 +255200216,1073098,1654,3,platelets x 1000,105.0,105,K/mcL,10E3/mcL,1683 +252954761,1073098,89,1,total protein,5.5,5.5,g/dL,gm/dL,138 +258536517,1073098,494,7,FiO2,0.5,0.50,%,,529 +258354943,1073098,1439,7,HCO3,9.8,9.8,mmol/L,mmol/L,1470 +258486951,1073098,1664,7,FiO2,0.5,0.50,%,,1676 +254213540,1073098,89,3,platelets x 1000,157.0,157,K/mcL,10E3/mcL,116 +258316499,1073098,1944,7,Base Excess,-21.0,-21.0,mEq/L,mmol/L,1954 +254941718,1073098,964,3,MCH,31.4,31.4,pg,pg,983 +255043657,1073098,1654,3,Hgb,11.5,11.5,g/dL,gm/dL,1675 +252954762,1073098,89,1,calcium,8.8,8.8,mg/dL,mg/dL,138 +258536516,1073098,494,7,HCO3,7.6,7.6,mmol/L,mmol/L,529 +258354947,1073098,1439,7,O2 Content,16.0,16,mls/dL,vol %,1470 +258486953,1073098,1664,7,paCO2,20.0,20,mm Hg,mmHg,1676 +253567885,1073098,107,1,ionized calcium,5.0,1.25,mg/dL,mmol/L,120 +258316498,1073098,1944,7,O2 Sat (%),92.7,92.7,%,%,1954 +252162323,1073098,-666,1,alkaline phos.,246.0,246,Units/L,unit/L,-570 +255200207,1073098,1654,3,MPV,11.0,11.0,fL,fL,1683 +252954757,1073098,89,1,AST (SGOT),143.0,143,Units/L,unit/L,138 +258536526,1073098,494,7,Base Excess,-17.9,-17.9,mEq/L,mmol/L,529 +254941711,1073098,964,3,MPV,10.7,10.7,fL,fL,983 +258486959,1073098,1664,7,O2 Sat (%),93.8,93.8,%,%,1676 +253944684,1073098,107,3,Hgb,15.4,15.4,g/dL,gm/dL,120 +258316495,1073098,1944,7,pH,7.11,7.11,,,1954 +252162322,1073098,-666,1,creatinine,1.41,1.41,mg/dL,mg/dL,-570 +255200208,1073098,1654,3,RBC,3.33,3.33,M/mcL,10E6/mcL,1683 +252954758,1073098,89,1,sodium,137.0,137,mmol/L,mmol/L,138 +258536518,1073098,494,7,paO2,131.0,131,mm Hg,mmHg,529 +258551796,1073098,1439,7,Methemoglobin,0.6,0.6,%,%,1470 +258486956,1073098,1664,7,pH,7.14,7.14,,,1676 +254213539,1073098,89,3,MCHC,33.6,33.6,g/dL,gm/dL,116 +258358632,1073098,494,7,Carboxyhemoglobin,0.3,0.3,%,%,529 +252162325,1073098,-666,1,AST (SGOT),137.0,137,Units/L,unit/L,-570 +255200215,1073098,1654,3,MCHC,31.5,31.5,g/dL,gm/dL,1683 +252954755,1073098,89,1,alkaline phos.,199.0,199,Units/L,unit/L,138 +258536522,1073098,494,7,pH,7.22,7.22,,,529 +254941712,1073098,964,3,RBC,3.57,3.57,M/mcL,10E6/mcL,983 +258486950,1073098,1664,7,HCO3,6.8,6.8,mmol/L,mmol/L,1676 +254662354,1073098,18,3,Hgb,14.0,14.0,g/dL,gm/dL,22 +258316489,1073098,1944,7,HCO3,6.8,6.8,mmol/L,mmol/L,1954 +252162330,1073098,-666,1,calcium,9.6,9.6,mg/dL,mg/dL,-570 +255200212,1073098,1654,3,WBC x 1000,23.4,23.4,K/mcL,10E3/mcL,1683 +252954752,1073098,89,1,total bilirubin,2.9,2.9,mg/dL,mg/dL,138 +258536521,1073098,494,7,Oxyhemoglobin,97.2,97.2,%,%,529 +252164460,1073098,1654,1,calcium,7.8,7.8,mg/dL,mg/dL,1721 +258354944,1073098,1439,7,FiO2,0.5,0.50,%,,1470 +252164461,1073098,1654,1,ALT (SGPT),3603.0,3603,Units/L,unit/L,1764 +258486952,1073098,1664,7,paO2,86.0,86,mm Hg,mmHg,1676 +252164462,1073098,1654,1,glucose,109.0,109,mg/dL,mg/dL,1721 +254213537,1073098,89,3,RDW,18.5,18.5,%,%,116 +252164463,1073098,1654,1,chloride,95.0,95,mmol/L,mmol/L,1721 +255847334,1073098,1984,4,bedside glucose,135.0,135,mg/dL,mg/dL,1984 +252164459,1073098,1654,1,total protein,3.7,3.7,g/dL,gm/dL,1721 +252162331,1073098,-666,1,ALT (SGPT),157.0,157,Units/L,unit/L,-570 +252164455,1073098,1654,1,AST (SGOT),14667.0,14667,Units/L,unit/L,1764 +255200213,1073098,1654,3,RDW,19.1,19.1,%,%,1683 +252164454,1073098,1654,1,anion gap,37.0,37,,mmol/L,1721 +252954754,1073098,89,1,creatinine,2.2,2.20,mg/dL,mg/dL,138 +252164456,1073098,1654,1,sodium,140.0,140,mmol/L,mmol/L,1721 +258536520,1073098,494,7,O2 Content,17.0,17,mls/dL,vol %,529 +252164450,1073098,1654,1,total bilirubin,5.0,5.0,mg/dL,mg/dL,1721 +254941713,1073098,964,3,Hct,34.9,34.9,%,%,983 +252164457,1073098,1654,1,albumin,1.7,1.7,g/dL,gm/dL,1721 +258486954,1073098,1664,7,O2 Content,15.0,15,mls/dL,vol %,1676 +252164451,1073098,1654,1,potassium,5.5,5.5,mmol/L,mmol/L,1721 +254586916,1073098,-71,3,PT,15.8,15.8,sec,second(s),23 +252164453,1073098,1654,1,alkaline phos.,200.0,200,Units/L,unit/L,1721 +258316490,1073098,1944,7,FiO2,0.5,0.50,%,,1954 +252164452,1073098,1654,1,creatinine,3.59,3.59,mg/dL,mg/dL,1721 +252162329,1073098,-666,1,total protein,6.7,6.7,g/dL,gm/dL,-570 +252164464,1073098,1654,1,BUN,37.0,37,mg/dL,mg/dL,1721 +255200214,1073098,1654,3,MCH,31.8,31.8,pg,pg,1683 +254251743,1073098,194,3,Hgb,15.0,15.0,g/dL,gm/dL,209 +252954759,1073098,89,1,albumin,2.5,2.5,g/dL,gm/dL,138 +258854270,1073098,107,7,Carboxyhemoglobin,0.1,0.1,%,%,120 +258919181,1073098,1944,7,Methemoglobin,0.4,0.4,%,%,1954 +251983675,1073098,1664,1,glucose,127.0,127,mg/dL,mg/dL,1676 +258354945,1073098,1439,7,paO2,65.0,65,mm Hg,mmHg,1470 +252064794,1073098,475,1,sodium,143.0,143,mmol/L,mmol/L,664 +258508522,1073098,1664,7,Methemoglobin,1.1,1.1,%,%,1676 +254281572,1073098,1654,3,PTT,62.6,62.6,sec,second(s),1710 +254213538,1073098,89,3,MCH,33.2,33.2,pg,pg,116 +252064793,1073098,475,1,anion gap,26.0,26,,mmol/L,664 +258316492,1073098,1944,7,paCO2,22.0,22,mm Hg,mmHg,1954 +252243986,1073098,1944,1,ionized calcium,3.76,0.94,mg/dL,mmol/L,1954 +252162328,1073098,-666,1,bicarbonate,13.0,13,mmol/L,mmol/L,-570 +252064801,1073098,475,1,BUN,36.0,36,mg/dL,mg/dL,664 +254973673,1073098,1654,3,fibrinogen,146.0,146,mg/dL,mg/dL,1710 +258853092,1073098,107,7,Methemoglobin,0.6,0.6,%,%,120 +252954765,1073098,89,1,chloride,107.0,107,mmol/L,mmol/L,138 +252064791,1073098,475,1,potassium,4.8,4.8,mmol/L,mmol/L,664 +258774309,1073098,1944,7,Carboxyhemoglobin,0.2,0.2,%,%,1954 +254255444,1073098,399,3,MPV,10.0,10.0,fL,fL,541 +254941715,1073098,964,3,Hgb,11.2,11.2,g/dL,gm/dL,983 +252272588,1073098,494,1,ionized calcium,4.8,1.20,mg/dL,mmol/L,529 +258486955,1073098,1664,7,Oxyhemoglobin,92.7,92.7,%,%,1676 +252064797,1073098,475,1,calcium,8.5,8.5,mg/dL,mg/dL,664 +254586917,1073098,-71,3,PT - INR,1.5,1.50,ratio,,23 +254255445,1073098,399,3,RBC,2.99,2.99,M/mcL,10E6/mcL,541 +258367430,1073098,495,7,FiO2,0.5,0.50,%,,530 +252164458,1073098,1654,1,bicarbonate,8.0,8,mmol/L,mmol/L,1721 +252162333,1073098,-666,1,chloride,104.0,104,mmol/L,mmol/L,-570 +252064796,1073098,475,1,bicarbonate,9.0,9,mmol/L,mmol/L,664 +254359117,1073098,1664,3,Hgb,11.2,11.2,g/dL,gm/dL,1676 +254255446,1073098,399,3,Hct,30.1,30.1,%,%,541 +258612060,1073098,18,7,paCO2,28.0,28,mm Hg,mmHg,22 +252008389,1073098,494,1,glucose,82.0,82,mg/dL,mg/dL,529 +258536525,1073098,494,7,O2 Sat (%),98.2,98.2,%,%,529 +252064799,1073098,475,1,glucose,100.0,100,mg/dL,mg/dL,664 +258354953,1073098,1439,7,Base Excess,-16.1,-16.1,mEq/L,mmol/L,1470 +254255447,1073098,399,3,MCV,100.7,100.7,fL,fL,541 +253165065,1073098,729,1,lactate,,>16.00,mmol/L,mmol/L,922 +253342743,1073098,743,1,chloride,103.0,103,mmol/L,mmol/L,751 +252954763,1073098,89,1,ALT (SGPT),129.0,129,Units/L,unit/L,138 +252064798,1073098,475,1,phosphate,7.4,7.4,mg/dL,mg/dL,664 +252034480,1073098,968,1,ionized calcium,3.96,0.99,mg/dL,mmol/L,984 +254494519,1073098,399,3,Hgb,11.0,11.0,g/dL,gm/dL,421 +252162324,1073098,-666,1,anion gap,20.0,20,,mmol/L,-570 +253850383,1073098,1654,3,PT,30.1,30.1,sec,second(s),1710 +255915972,1073098,51,4,bedside glucose,86.0,86,mg/dL,mg/dL,51 +252064800,1073098,475,1,chloride,108.0,108,mmol/L,mmol/L,664 +252974550,1073098,339,1,potassium,5.0,5.0,mmol/L,mmol/L,349 +254255452,1073098,399,3,MCHC,31.9,31.9,g/dL,gm/dL,541 +258612062,1073098,18,7,Oxyhemoglobin,98.4,98.4,%,%,22 +252450577,1073098,1944,1,glucose,145.0,145,mg/dL,mg/dL,1954 +255763732,1073098,89,4,TSH,0.22,0.22,mcU/ml,mcIU/mL,150 +252064792,1073098,475,1,creatinine,2.5,2.50,mg/dL,mg/dL,664 +253146144,1073098,743,1,glucose,119.0,119,mg/dL,mg/dL,751 +254255453,1073098,399,3,platelets x 1000,143.0,143,K/mcL,10E3/mcL,541 +254941714,1073098,964,3,MCV,97.8,97.8,fL,fL,983 +253242877,1073098,1654,1,magnesium,2.2,2.2,mg/dL,mg/dL,1715 +254534832,1073098,-271,3,MPV,9.9,9.9,fL,fL,-233 +251800050,1073098,475,1,CPK-MB,,<1,ng/mL,ng/mL,616 +254213531,1073098,89,3,MPV,10.0,10.0,fL,fL,116 +254255449,1073098,399,3,WBC x 1000,23.6,23.6,K/mcL,10E3/mcL,541 +254599988,1073098,1359,3,MCHC,32.1,32.1,g/dL,gm/dL,1401 +254534840,1073098,-271,3,MCHC,33.6,33.6,g/dL,gm/dL,-233 +258768453,1073098,1654,7,FiO2,0.5,0.50,%,,1675 +254599987,1073098,1359,3,MCH,31.8,31.8,pg,pg,1401 +252162321,1073098,-666,1,potassium,4.6,4.6,mmol/L,mmol/L,-570 +252064795,1073098,475,1,albumin,1.6,1.6,g/dL,gm/dL,664 +253877627,1073098,729,3,Hct,35.7,35.7,%,%,810 +254534838,1073098,-271,3,RDW,18.6,18.6,%,%,-233 +254255450,1073098,399,3,RDW,19.3,19.3,%,%,541 +254599989,1073098,1359,3,platelets x 1000,108.0,108,K/mcL,10E3/mcL,1401 +258612061,1073098,18,7,O2 Content,20.0,20,mls/dL,vol %,22 +252154705,1073098,1944,1,sodium,136.0,136,mmol/L,mmol/L,1954 +253877625,1073098,729,3,MPV,10.8,10.8,fL,fL,810 +254534839,1073098,-271,3,MCH,33.1,33.1,pg,pg,-233 +255884937,1073098,399,4,bedside glucose,148.0,148,mg/dL,mg/dL,399 +254599985,1073098,1359,3,WBC x 1000,24.3,24.3,K/mcL,10E3/mcL,1401 +258354948,1073098,1439,7,Oxyhemoglobin,89.9,89.9,%,%,1470 +254255448,1073098,399,3,Hgb,9.6,9.6,g/dL,gm/dL,541 +253877626,1073098,729,3,RBC,3.63,3.63,M/mcL,10E6/mcL,810 +254534841,1073098,-271,3,platelets x 1000,167.0,167,K/mcL,10E3/mcL,-233 +253407640,1073098,743,1,sodium,141.0,141,mmol/L,mmol/L,751 +254599986,1073098,1359,3,RDW,18.3,18.3,%,%,1401 +252910905,1073098,18,1,ionized calcium,4.96,1.24,mg/dL,mmol/L,22 +251795475,1073098,399,1,lactate,15.63,15.63,mmol/L,mmol/L,521 +253877629,1073098,729,3,Hgb,11.4,11.4,g/dL,gm/dL,810 +258967747,1073098,339,7,FiO2,0.5,0.50,%,,349 +254255451,1073098,399,3,MCH,32.1,32.1,pg,pg,541 +251977180,1073098,729,1,bicarbonate,11.0,11,mmol/L,mmol/L,858 +252162326,1073098,-666,1,sodium,137.0,137,mmol/L,mmol/L,-570 +253850384,1073098,1654,3,PT - INR,2.84,2.84,ratio,,1710 +254599983,1073098,1359,3,MCV,99.2,99.2,fL,fL,1401 +254534835,1073098,-271,3,MCV,98.6,98.6,fL,fL,-233 +251822753,1073098,107,1,lactate,12.39,12.39,mmol/L,mmol/L,120 +251977178,1073098,729,1,anion gap,28.0,28,,mmol/L,858 +258612058,1073098,18,7,FiO2,1.0,1.00,%,,22 +252652708,1073098,494,1,sodium,140.0,140,mmol/L,mmol/L,529 +253877628,1073098,729,3,MCV,98.3,98.3,fL,fL,810 +258967746,1073098,339,7,HCO3,7.2,7.2,mmol/L,mmol/L,349 +251785724,1073098,107,1,glucose,82.0,82,mg/dL,mg/dL,120 +251977179,1073098,729,1,sodium,144.0,144,mmol/L,mmol/L,858 +254941719,1073098,964,3,MCHC,32.1,32.1,g/dL,gm/dL,983 +254067600,1073098,495,3,Hgb,11.9,11.9,g/dL,gm/dL,530 +254599981,1073098,1359,3,RBC,3.55,3.55,M/mcL,10E6/mcL,1401 +254534836,1073098,-271,3,Hgb,14.6,14.6,g/dL,gm/dL,-233 +251923338,1073098,18,1,glucose,83.0,83,mg/dL,mg/dL,22 +252037220,1073098,743,1,potassium,4.6,4.6,mmol/L,mmol/L,751 +253335244,1073098,89,1,phosphate,8.6,8.6,mg/dL,mg/dL,136 +251849087,1073098,1664,1,ionized calcium,3.84,0.96,mg/dL,mmol/L,1676 +253877630,1073098,729,3,WBC x 1000,22.6,22.6,K/mcL,10E3/mcL,810 +251558651,1073098,-271,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-216 +251778120,1073098,107,1,chloride,104.0,104,mmol/L,mmol/L,120 +251937656,1073098,809,1,troponin - I,0.78,0.78,ng/mL,ng/mL,897 +252162334,1073098,-666,1,BUN,22.0,22,mg/dL,mg/dL,-570 +251779904,1073098,494,1,lactate,18.28,18.28,mmol/L,mmol/L,529 +254599980,1073098,1359,3,MPV,10.5,10.5,fL,fL,1401 +254534834,1073098,-271,3,Hct,43.5,43.5,%,%,-233 +258342271,1073098,968,7,Oxyhemoglobin,95.6,95.6,%,%,984 +251977183,1073098,729,1,chloride,105.0,105,mmol/L,mmol/L,858 +258612057,1073098,18,7,HCO3,10.8,10.8,mmol/L,mmol/L,22 +253163336,1073098,1664,1,lactate,,>20.50,mmol/L,mmol/L,1676 +253877633,1073098,729,3,MCHC,31.9,31.9,g/dL,gm/dL,810 +258813313,1073098,339,7,Carboxyhemoglobin,0.3,0.3,%,%,349 +258342267,1073098,968,7,FiO2,0.5,0.50,%,,984 +251977184,1073098,729,1,BUN,34.0,34,mg/dL,mg/dL,858 +258354952,1073098,1439,7,O2 Sat (%),89.3,89.3,%,%,1470 +253942269,1073098,1944,3,Hgb,9.2,9.2,g/dL,gm/dL,1954 +253313132,1073098,1439,1,sodium,138.0,138,mmol/L,mmol/L,1470 +254534837,1073098,-271,3,WBC x 1000,21.4,21.4,K/mcL,10E3/mcL,-233 +258534657,1073098,968,7,Carboxyhemoglobin,0.3,0.3,%,%,984 +251977181,1073098,729,1,calcium,7.1,7.1,mg/dL,mg/dL,858 +252954756,1073098,89,1,anion gap,20.0,20,,mmol/L,138 +254478145,1073098,494,3,Hgb,12.1,12.1,g/dL,gm/dL,529 +253877634,1073098,729,3,platelets x 1000,109.0,109,K/mcL,10E3/mcL,810 +251577883,1073098,339,1,glucose,60.0,60,mg/dL,mg/dL,349 +258342268,1073098,968,7,paO2,98.0,98,mm Hg,mmHg,984 +251977182,1073098,729,1,glucose,105.0,105,mg/dL,mg/dL,858 +253186977,1073098,968,1,glucose,120.0,120,mg/dL,mg/dL,984 +252199137,1073098,339,1,ionized calcium,4.48,1.12,mg/dL,mmol/L,349 +254599982,1073098,1359,3,Hct,35.2,35.2,%,%,1401 +254534833,1073098,-271,3,RBC,4.41,4.41,M/mcL,10E6/mcL,-233 +258342270,1073098,968,7,O2 Content,16.0,16,mls/dL,vol %,984 +252555596,1073098,743,1,lactate,18.42,18.42,mmol/L,mmol/L,751 +258612066,1073098,18,7,O2 Sat (%),99.4,99.4,%,%,22 +251844208,1073098,1299,1,ionized calcium,4.24,1.06,mg/dL,mmol/L,1664 +253877632,1073098,729,3,MCH,31.4,31.4,pg,pg,810 +258740139,1073098,339,7,Methemoglobin,0.1,0.1,%,%,349 +258342269,1073098,968,7,paCO2,25.0,25,mm Hg,mmHg,984 +251977177,1073098,729,1,creatinine,2.52,2.52,mg/dL,mg/dL,858 +254941716,1073098,964,3,WBC x 1000,24.6,24.6,K/mcL,10E3/mcL,983 +251591178,1073098,1299,1,lactate,,>20.50,mmol/L,mmol/L,1664 +253065113,1073098,1439,1,ionized calcium,4.12,1.03,mg/dL,mmol/L,1470 +253588133,1073098,339,1,chloride,108.0,108,mmol/L,mmol/L,349 +258342272,1073098,968,7,pH,7.24,7.24,,,984 +255418838,1073098,729,3,PTT,,>249.0,sec,second(s),833 +253180214,1073098,89,1,lactate,12.66,12.66,mmol/L,mmol/L,175 +253524831,1073098,1299,1,glucose,115.0,115,mg/dL,mg/dL,1664 +254109821,1073098,752,3,Hgb,12.7,12.7,g/dL,gm/dL,759 +253608907,1073098,339,1,lactate,11.73,11.73,mmol/L,mmol/L,349 +258348622,1073098,968,7,Methemoglobin,0.7,0.7,%,%,984 +252452514,1073098,743,1,ionized calcium,4.04,1.01,mg/dL,mmol/L,751 +252162320,1073098,-666,1,total bilirubin,2.5,2.5,mg/dL,mg/dL,-570 +253556991,1073098,1299,1,potassium,4.5,4.5,mmol/L,mmol/L,1664 +254038063,1073098,1439,3,Hgb,12.7,12.7,g/dL,gm/dL,1470 +253871777,1073098,-271,3,-lymphs,5.0,5,%,%,-233 +258342266,1073098,968,7,HCO3,10.5,10.5,mmol/L,mmol/L,984 +255698035,1073098,737,4,urinary sodium,46.0,46,mmol/L,mmol/L,848 +258612067,1073098,18,7,Base Excess,-15.5,-15.5,mEq/L,mmol/L,22 +253393916,1073098,1299,1,chloride,96.0,96,mmol/L,mmol/L,1664 +253877631,1073098,729,3,RDW,17.5,17.5,%,%,810 +253871779,1073098,-271,3,-polys,90.0,90,%,%,-233 +258342275,1073098,968,7,O2 Sat (%),96.5,96.5,%,%,984 +251977176,1073098,729,1,potassium,4.6,4.6,mmol/L,mmol/L,858 +258935222,1073098,1439,7,Carboxyhemoglobin,0.3,0.3,%,%,1470 +253979585,1073098,1214,3,fibrinogen,209.0,209,mg/dL,mg/dL,1310 +254599984,1073098,1359,3,Hgb,11.3,11.3,g/dL,gm/dL,1401 +253871780,1073098,-271,3,-eos,0.0,0,%,%,-233 +255896260,1073098,1008,4,bedside glucose,92.0,92,mg/dL,mg/dL,1008 +254891121,1073098,729,3,PT - INR,2.56,2.56,ratio,,831 +252367422,1073098,1654,1,lactate,,>16.00,mmol/L,mmol/L,1764 +253065962,1073098,1664,1,potassium,5.4,5.4,mmol/L,mmol/L,1676 +252918271,1073098,1439,1,potassium,5.0,5.0,mmol/L,mmol/L,1470 +253871778,1073098,-271,3,-basos,0.0,0,%,%,-233 +253504736,1073098,1944,1,lactate,,>20.50,mmol/L,mmol/L,1954 +255145643,1073098,743,3,Hgb,12.3,12.3,g/dL,gm/dL,751 +253014565,1073098,968,1,potassium,4.2,4.2,mmol/L,mmol/L,984 +253282999,1073098,1214,1,lactate,,>16.00,mmol/L,mmol/L,1314 +251917467,1073098,1439,1,glucose,99.0,99,mg/dL,mg/dL,1470 +253871781,1073098,-271,3,-monos,3.0,3,%,%,-233 +258342276,1073098,968,7,Base Excess,-15.2,-15.2,mEq/L,mmol/L,984 +254891120,1073098,729,3,PT,27.1,27.1,sec,second(s),831 +252828879,1073098,18,1,chloride,106.0,106,mmol/L,mmol/L,22 +252906422,1073098,1664,1,chloride,93.0,93,mmol/L,mmol/L,1676 +254193016,1073098,729,3,fibrinogen,49.0,49,mg/dL,mg/dL,831 +258485927,1073098,1299,7,FiO2,0.5,0.50,%,,1304 +253025065,1073098,-666,1,troponin - I,,<0.01,ng/mL,ng/mL,-599 +253280727,1073098,1439,1,chloride,95.0,95,mmol/L,mmol/L,1470 +258354946,1073098,1439,7,paCO2,24.0,24,mm Hg,mmHg,1470 +254356447,1073098,1299,3,Hgb,12.4,12.4,g/dL,gm/dL,1304 +252020831,1073098,18,1,sodium,136.0,136,mmol/L,mmol/L,22 +258485928,1073098,1299,7,paO2,80.0,80,mm Hg,mmHg,1304 +253501364,1073098,494,1,chloride,109.0,109,mmol/L,mmol/L,529 +252839153,1073098,1439,1,lactate,,>20.50,mmol/L,mmol/L,1470 +258612059,1073098,18,7,paO2,238.0,238,mm Hg,mmHg,22 +252246575,1073098,1299,1,sodium,139.0,139,mmol/L,mmol/L,1664 +252260988,1073098,89,1,magnesium,2.1,2.1,mg/dL,mg/dL,136 +258649626,1073098,1299,7,Carboxyhemoglobin,0.3,0.3,%,%,1304 +255691185,1073098,655,4,bedside glucose,183.0,183,mg/dL,mg/dL,655 +255629391,1073098,1188,4,bedside glucose,117.0,117,mg/dL,mg/dL,1188 +252162327,1073098,-666,1,albumin,3.1,3.1,g/dL,gm/dL,-570 +252921432,1073098,1664,1,sodium,136.0,136,mmol/L,mmol/L,1676 +252133085,1073098,89,1,CPK,41.0,41,Units/L,unit/L,136 +258485935,1073098,1299,7,O2 Sat (%),94.7,94.7,%,%,1304 +255521085,1073098,9,4,WBC's in urine,83.0,83,,/HPF,62 +251501749,1073098,494,1,potassium,5.2,5.2,mmol/L,mmol/L,529 +255618467,1073098,9,4,urinary specific gravity,1.018,1.018,,,62 +258485936,1073098,1299,7,Base Excess,-15.1,-15.1,mEq/L,mmol/L,1304 +252451433,1073098,107,1,sodium,134.0,134,mmol/L,mmol/L,120 +254007216,1073098,968,3,Hgb,12.2,12.2,g/dL,gm/dL,984 +252493172,1073098,18,1,potassium,5.0,5.0,mmol/L,mmol/L,22 +258485931,1073098,1299,7,Oxyhemoglobin,94.4,94.4,%,%,1304 +252466128,1073098,89,1,ALT (SGPT),128.0,128,Units/L,unit/L,134 +252346293,1073098,968,1,sodium,139.0,139,mmol/L,mmol/L,984 +252466124,1073098,89,1,AST (SGOT),141.0,141,Units/L,unit/L,134 +258485932,1073098,1299,7,pH,7.28,7.28,,,1304 +252466125,1073098,89,1,albumin,2.5,2.5,g/dL,gm/dL,134 +253050964,1073098,968,1,chloride,100.0,100,mmol/L,mmol/L,984 +252466123,1073098,89,1,alkaline phos.,196.0,196,Units/L,unit/L,134 +258485930,1073098,1299,7,O2 Content,16.0,16,mls/dL,vol %,1304 +252466126,1073098,89,1,total protein,5.5,5.5,g/dL,gm/dL,134 +251560369,1073098,1944,1,chloride,89.0,89,mmol/L,mmol/L,1954 +252466127,1073098,89,1,direct bilirubin,1.6,1.6,mg/dL,mg/dL,134 +258485929,1073098,1299,7,paCO2,22.0,22,mm Hg,mmHg,1304 +252466122,1073098,89,1,total bilirubin,2.6,2.6,mg/dL,mg/dL,134 +255831081,1073098,1421,4,bedside glucose,108.0,108,mg/dL,mg/dL,1421 +258685213,1073098,339,7,O2 Sat (%),99.0,99.0,%,%,349 +253303835,1073098,339,1,sodium,135.0,135,mmol/L,mmol/L,349 +258685210,1073098,339,7,pH,7.2,7.20,,,349 +258612063,1073098,18,7,pH,7.21,7.21,,,22 +258685208,1073098,339,7,O2 Content,19.0,19,mls/dL,vol %,349 +258210803,1073098,1299,7,Methemoglobin,0.3,0.3,%,%,1304 +258685207,1073098,339,7,paCO2,19.0,19,mm Hg,mmHg,349 +252162332,1073098,-666,1,glucose,86.0,86,mg/dL,mg/dL,-570 +258685206,1073098,339,7,paO2,184.0,184,mm Hg,mmHg,349 +252664117,1073098,939,1,lactate,,>16.00,mmol/L,mmol/L,1081 +258685209,1073098,339,7,Oxyhemoglobin,98.1,98.1,%,%,349 +258472307,1073098,18,7,Carboxyhemoglobin,0.3,0.3,%,%,22 +255472281,1073098,-271,4,BNP,20.0,20,pg/mL,pg/mL,-217 +258485926,1073098,1299,7,HCO3,9.8,9.8,mmol/L,mmol/L,1304 +258685214,1073098,339,7,Base Excess,-18.8,-18.8,mEq/L,mmol/L,349 +253622182,1073098,964,2,Tobramycin - peak,5.6,5.6,mcg/mL,mcg/mL,1183 +254841861,1073098,339,3,Hgb,13.5,13.5,g/dL,gm/dL,349 +255664749,1073098,475,4,BNP,29.0,29,pg/mL,pg/mL,583 +252552198,1073098,107,1,potassium,4.9,4.9,mmol/L,mmol/L,120 +251605093,1073098,1944,1,potassium,5.3,5.3,mmol/L,mmol/L,1954 +252598544,1073098,1654,1,phosphate,9.8,9.8,mg/dL,mg/dL,1715 +255484939,1073098,367,4,bedside glucose,56.0,56,mg/dL,mg/dL,367 +252727251,1073098,18,1,lactate,12.8,12.80,mmol/L,mmol/L,22 +140677056,654287,2692,1,bicarbonate,26.0,26,mmol/L,mmol/L,2744 +140677057,654287,2692,1,anion gap,6.0,6,,,2744 +140677055,654287,2692,1,chloride,107.0,107,mmol/L,mmol/L,2744 +140677058,654287,2692,1,glucose,96.0,96,mg/dL,mg/dL,2744 +140677060,654287,2692,1,creatinine,0.63,0.63,mg/dL,mg/dL,2744 +179589751,654287,5546,3,-eos,1.0,1,%,%,5568 +140677059,654287,2692,1,BUN,16.0,16,mg/dL,mg/dL,2744 +179589749,654287,5546,3,-lymphs,11.0,11,%,%,5568 +140677053,654287,2692,1,sodium,139.0,139,mmol/L,mmol/L,2744 +177653051,654287,8180,3,-polys,71.0,71,%,%,8305 +150096402,654287,6744,1,calcium,9.0,9.0,mg/dL,mg/dL,6812 +179589752,654287,5546,3,-basos,0.0,0,%,%,5568 +150096395,654287,6744,1,bicarbonate,26.0,26,mmol/L,mmol/L,6812 +177653053,654287,8180,3,-monos,12.0,12,%,%,8305 +148558556,654287,8180,1,glucose,95.0,95,mg/dL,mg/dL,8260 +140677054,654287,2692,1,potassium,3.3,3.3,mmol/L,mmol/L,2744 +150096403,654287,6744,1,alkaline phos.,94.0,94,Units/L,IU/L,6812 +177653052,654287,8180,3,-lymphs,15.0,15,%,%,8305 +150759662,654287,9592,1,albumin,2.5,2.5,g/dL,g/dL,9635 +150096404,654287,6744,1,ALT (SGPT),27.0,27,Units/L,IU/L,6812 +145552720,654287,5546,1,calcium,9.3,9.3,mg/dL,mg/dL,5591 +148558553,654287,8180,1,chloride,107.0,107,mmol/L,mmol/L,8260 +150759664,654287,9592,1,alkaline phos.,116.0,116,Units/L,IU/L,9635 +150096396,654287,6744,1,anion gap,7.0,7,,,6812 +179589748,654287,5546,3,-polys,80.0,80,%,%,5568 +148558554,654287,8180,1,bicarbonate,26.0,26,mmol/L,mmol/L,8260 +150759661,654287,9592,1,total protein,5.8,5.8,g/dL,g/dL,9635 +150096406,654287,6744,1,total bilirubin,3.3,3.3,mg/dL,mg/dL,6812 +145552718,654287,5546,1,BUN,30.0,30,mg/dL,mg/dL,5591 +148558564,654287,8180,1,AST (SGOT),22.0,22,Units/L,IU/L,8260 +150759660,654287,9592,1,creatinine,0.62,0.62,mg/dL,mg/dL,9635 +150096397,654287,6744,1,glucose,104.0,104,mg/dL,mg/dL,6812 +177653054,654287,8180,3,-eos,1.0,1,%,%,8305 +148558561,654287,8180,1,calcium,8.6,8.6,mg/dL,mg/dL,8260 +150759663,654287,9592,1,calcium,8.6,8.6,mg/dL,mg/dL,9635 +150096392,654287,6744,1,sodium,137.0,137,mmol/L,mmol/L,6812 +145552719,654287,5546,1,creatinine,0.58,0.58,mg/dL,mg/dL,5595 +148558559,654287,8180,1,total protein,5.7,5.7,g/dL,g/dL,8260 +150759659,654287,9592,1,BUN,36.0,36,mg/dL,mg/dL,9635 +150096394,654287,6744,1,chloride,104.0,104,mmol/L,mmol/L,6812 +140677061,654287,2692,1,calcium,8.8,8.8,mg/dL,mg/dL,2744 +148558560,654287,8180,1,albumin,2.5,2.5,g/dL,g/dL,8260 +150759665,654287,9592,1,ALT (SGPT),22.0,22,Units/L,IU/L,9635 +150096405,654287,6744,1,AST (SGOT),35.0,35,Units/L,IU/L,6812 +145552715,654287,5546,1,bicarbonate,25.0,25,mmol/L,mmol/L,5591 +148558558,654287,8180,1,creatinine,0.54,0.54,mg/dL,mg/dL,8264 +150759658,654287,9592,1,glucose,117.0,117,mg/dL,mg/dL,9635 +150096398,654287,6744,1,BUN,36.0,36,mg/dL,mg/dL,6812 +177653055,654287,8180,3,-basos,0.0,0,%,%,8305 +167681753,654287,3906,3,MCHC,33.8,33.8,g/dL,g/dL,3925 +170013735,654287,2692,3,WBC x 1000,8.0,8.0,K/mcL,K/MM3,2721 +150759657,654287,9592,1,anion gap,5.0,5,,,9635 +148558562,654287,8180,1,alkaline phos.,99.0,99,Units/L,IU/L,8260 +170013742,654287,2692,3,platelets x 1000,97.0,97,K/mcL,K/MM3,2721 +145552716,654287,5546,1,anion gap,7.0,7,,,5591 +167681750,654287,3906,3,Hct,31.1,31.1,%,%,3925 +170013743,654287,2692,3,MPV,10.8,10.8,fL,fL,2721 +150759666,654287,9592,1,AST (SGOT),20.0,20,Units/L,IU/L,9635 +150096399,654287,6744,1,creatinine,0.52,0.52,mg/dL,mg/dL,6812 +174869531,654287,3906,3,-polys,78.0,78,%,%,3925 +160939399,654287,614,1,CPK-MB,19.6,19.6,ng/mL,ng/mL,651 +167681754,654287,3906,3,platelets x 1000,130.0,130,K/mcL,K/MM3,3925 +173493982,654287,6744,3,MPV,10.9,10.9,fL,fL,6791 +150759653,654287,9592,1,sodium,142.0,142,mmol/L,mmol/L,9635 +148558551,654287,8180,1,sodium,140.0,140,mmol/L,mmol/L,8260 +170013740,654287,2692,3,MCH,25.9,25.9,pg,pg,2721 +179589750,654287,5546,3,-monos,7.0,7,%,%,5568 +167681751,654287,3906,3,MCV,81.0,81,fL,fL,3925 +174869533,654287,3906,3,-monos,6.0,6,%,%,3925 +150759654,654287,9592,1,potassium,4.6,4.6,mmol/L,mmol/L,9635 +150096393,654287,6744,1,potassium,4.0,4.0,mmol/L,mmol/L,6812 +173493976,654287,6744,3,Hgb,9.4,9.4,g/dL,g/dL,6791 +180740360,654287,8180,3,MCH,27.6,27.6,pg,pg,8305 +167681748,654287,3906,3,RBC,3.84,3.84,M/mcL,M/MM3,3925 +170013737,654287,2692,3,Hgb,6.3,6.3,g/dL,g/dL,2721 +150759667,654287,9592,1,total bilirubin,2.6,2.6,mg/dL,mg/dL,9635 +148558565,654287,8180,1,total bilirubin,2.4,2.4,mg/dL,mg/dL,8260 +174869534,654287,3906,3,-eos,3.0,3,%,%,3925 +160939400,654287,614,1,CPK-MB INDEX,7.6,7.6,%,%,651 +182883205,654287,6744,3,-lymphs,13.0,13,%,%,6791 +173493981,654287,6744,3,platelets x 1000,153.0,153,K/mcL,K/MM3,6791 +150759655,654287,9592,1,chloride,110.0,110,mmol/L,mmol/L,9635 +167681755,654287,3906,3,MPV,10.8,10.8,fL,fL,3925 +170013738,654287,2692,3,Hct,19.1,19.1,%,%,2721 +180740361,654287,8180,3,MCHC,33.0,33.0,g/dL,g/dL,8305 +150096400,654287,6744,1,total protein,5.9,5.9,g/dL,g/dL,6812 +155777983,654287,255,1,CPK-MB INDEX,8.5,8.5,%,%,311 +150759656,654287,9592,1,bicarbonate,27.0,27,mmol/L,mmol/L,9635 +182883204,654287,6744,3,-polys,75.0,75,%,%,6791 +173493975,654287,6744,3,RBC,3.45,3.45,M/mcL,M/MM3,6791 +155376841,654287,1798,1,CPK,234.0,234,Units/L,IU/L,1829 +167681749,654287,3906,3,Hgb,10.5,10.5,g/dL,g/dL,3925 +170013736,654287,2692,3,RBC,2.43,2.43,M/mcL,M/MM3,2721 +145552717,654287,5546,1,glucose,116.0,116,mg/dL,mg/dL,5591 +148558552,654287,8180,1,potassium,4.3,4.3,mmol/L,mmol/L,8260 +174869535,654287,3906,3,-basos,0.0,0,%,%,3925 +170330769,654287,255,3,ESR,37.0,37,mm/hr,mm/hr,283 +182883207,654287,6744,3,-eos,2.0,2,%,%,6791 +173493974,654287,6744,3,WBC x 1000,7.8,7.8,K/mcL,K/MM3,6791 +180740362,654287,8180,3,platelets x 1000,153.0,153,K/mcL,K/MM3,8305 +162121915,654287,958,1,CPK-MB INDEX,7.4,7.4,%,%,1012 +170013741,654287,2692,3,MCHC,33.0,33.0,g/dL,g/dL,2721 +177630130,654287,9592,3,-polys,78.0,78,%,%,9620 +150096401,654287,6744,1,albumin,2.6,2.6,g/dL,g/dL,6812 +155777984,654287,255,1,CPK-MB,20.5,20.5,ng/mL,ng/mL,311 +143938790,654287,958,1,CPK,277.0,277,Units/L,IU/L,998 +155664663,654287,1798,1,CPK-MB INDEX,7.2,7.2,%,%,1842 +173493977,654287,6744,3,Hct,28.6,28.6,%,%,6791 +177630131,654287,9592,3,-lymphs,11.0,11,%,%,9620 +167681752,654287,3906,3,MCH,27.3,27.3,pg,pg,3925 +170013739,654287,2692,3,MCV,79.0,79,fL,fL,2721 +179321448,654287,255,3,Vitamin B12,713.0,713,pg/mL,pg/mL,1548 +148558563,654287,8180,1,ALT (SGPT),22.0,22,Units/L,IU/L,8260 +143475825,654287,1380,1,CPK-MB INDEX,7.6,7.6,%,%,1472 +158733755,654287,2692,1,CPK-MB INDEX,6.0,6.0,%,%,2759 +182883208,654287,6744,3,-basos,0.0,0,%,%,6791 +173493980,654287,6744,3,MCHC,32.9,32.9,g/dL,g/dL,6791 +180740358,654287,8180,3,Hct,27.0,27.0,%,%,8305 +162121914,654287,958,1,CPK-MB,20.5,20.5,ng/mL,ng/mL,1012 +145614508,654287,3906,1,potassium,3.8,3.8,mmol/L,mmol/L,3932 +177630134,654287,9592,3,-basos,0.0,0,%,%,9620 +144124905,654287,2449,1,CPK,148.0,148,Units/L,IU/L,2489 +174869532,654287,3906,3,-lymphs,12.0,12,%,%,3925 +183393315,654287,2692,3,-lymphs,14.0,14,%,%,2731 +155664662,654287,1798,1,CPK-MB,16.9,16.9,ng/mL,ng/mL,1842 +173493978,654287,6744,3,MCV,83.0,83,fL,fL,6791 +158733754,654287,2692,1,CPK-MB,8.7,8.7,ng/mL,ng/mL,2759 +167681747,654287,3906,3,WBC x 1000,9.6,9.6,K/mcL,K/MM3,3925 +175137239,654287,255,3,folate,5.6,5.6,ng/mL,ng/mL,1548 +180740357,654287,8180,3,Hgb,8.9,8.9,g/dL,g/dL,8305 +148558557,654287,8180,1,BUN,34.0,34,mg/dL,mg/dL,8260 +143475824,654287,1380,1,CPK-MB,21.5,21.5,ng/mL,ng/mL,1472 +177630132,654287,9592,3,-monos,9.0,9,%,%,9620 +182883206,654287,6744,3,-monos,9.0,9,%,%,6791 +173493979,654287,6744,3,MCH,27.2,27.2,pg,pg,6791 +183393314,654287,2692,3,-polys,77.0,77,%,%,2731 +183419954,654287,9592,3,MCHC,33.2,33.2,g/dL,g/dL,9620 +154343342,654287,2449,1,CPK-MB,9.1,9.1,ng/mL,ng/mL,2502 +178131705,654287,5546,3,Hct,32.3,32.3,%,%,5568 +180740359,654287,8180,3,MCV,84.0,84,fL,fL,8305 +183419956,654287,9592,3,MPV,10.6,10.6,fL,fL,9620 +157727093,654287,2692,1,CPK,145.0,145,Units/L,IU/L,2744 +178131706,654287,5546,3,MCV,83.0,83,fL,fL,5568 +183393316,654287,2692,3,-monos,5.0,5,%,%,2731 +183419955,654287,9592,3,platelets x 1000,163.0,163,K/mcL,K/MM3,9620 +163378145,654287,5546,1,chloride,104.0,104,mmol/L,mmol/L,5591 +178131707,654287,5546,3,MCH,27.6,27.6,pg,pg,5568 +180740356,654287,8180,3,RBC,3.23,3.23,M/mcL,M/MM3,8305 +183419948,654287,9592,3,WBC x 1000,8.2,8.2,K/mcL,K/MM3,9620 +177630133,654287,9592,3,-eos,1.0,1,%,%,9620 +178131709,654287,5546,3,platelets x 1000,151.0,151,K/mcL,K/MM3,5568 +160439299,654287,255,1,CPK,241.0,241,Units/L,IU/L,286 +183419950,654287,9592,3,Hgb,8.7,8.7,g/dL,g/dL,9620 +163378143,654287,5546,1,sodium,136.0,136,mmol/L,mmol/L,5591 +178131710,654287,5546,3,MPV,10.9,10.9,fL,fL,5568 +180740355,654287,8180,3,WBC x 1000,6.5,6.5,K/mcL,K/MM3,8305 +183419949,654287,9592,3,RBC,3.12,3.12,M/mcL,M/MM3,9620 +154343343,654287,2449,1,CPK-MB INDEX,6.1,6.1,%,%,2502 +178131702,654287,5546,3,WBC x 1000,8.7,8.7,K/mcL,K/MM3,5568 +183393317,654287,2692,3,-eos,4.0,4,%,%,2731 +183419953,654287,9592,3,MCH,27.9,27.9,pg,pg,9620 +149322145,654287,2155,1,CPK-MB,12.8,12.8,ng/mL,ng/mL,2189 +178131703,654287,5546,3,RBC,3.91,3.91,M/mcL,M/MM3,5568 +180740363,654287,8180,3,MPV,11.5,11.5,fL,fL,8305 +183419951,654287,9592,3,Hct,26.2,26.2,%,%,9620 +163378144,654287,5546,1,potassium,4.3,4.3,mmol/L,mmol/L,5591 +178131704,654287,5546,3,Hgb,10.8,10.8,g/dL,g/dL,5568 +165266753,654287,2155,1,CPK,174.0,174,Units/L,IU/L,2175 +183419952,654287,9592,3,MCV,84.0,84,fL,fL,9620 +149322146,654287,2155,1,CPK-MB INDEX,7.4,7.4,%,%,2189 +154319765,654287,614,1,CPK,259.0,259,Units/L,IU/L,637 +154131092,654287,1380,1,CPK,282.0,282,Units/L,IU/L,1455 +178131708,654287,5546,3,MCHC,33.4,33.4,g/dL,g/dL,5568 +148558555,654287,8180,1,anion gap,7.0,7,,,8260 +396714209,1671276,1830,1,potassium,3.8,3.8,mmol/L,mmol/L,1883 +396714210,1671276,1830,1,chloride,106.0,106,mmol/L,mmol/L,1883 +396714218,1671276,1830,1,anion gap,10.7,10.7,,,1883 +396714213,1671276,1830,1,total bilirubin,0.26,0.26,mg/dL,mg/dL,1883 +396714217,1671276,1830,1,AST (SGOT),13.0,13,Units/L,U/L,1883 +400016224,1671276,1830,3,RDW,17.4,17.4,%,%,1857 +396714207,1671276,1830,1,calcium,8.9,8.9,mg/dL,mg/dL,1883 +400016223,1671276,1830,3,MCHC,30.6,30.6,g/dL,g/dL,1857 +396714208,1671276,1830,1,sodium,142.0,142,mmol/L,mmol/L,1883 +400016225,1671276,1830,3,MPV,9.7,9.7,fL,fL,1857 +396714211,1671276,1830,1,bicarbonate,29.1,29.1,mmol/L,mmol/L,1883 +400016221,1671276,1830,3,MCV,81.6,81.6,fL,fL,1857 +396714212,1671276,1830,1,albumin,3.0,3.0,g/dL,g/dL,1883 +400016229,1671276,1830,3,-monos,9.0,9,%,%,1857 +396714215,1671276,1830,1,total protein,6.7,6.7,g/dL,g/dL,1883 +400016222,1671276,1830,3,MCH,25.0,25.0,pg,pg,1857 +396714204,1671276,1830,1,glucose,85.0,85,mg/dL,mg/dL,1883 +400016226,1671276,1830,3,platelets x 1000,197.0,197.0,K/mcL,K/uL,1857 +396714214,1671276,1830,1,alkaline phos.,102.0,102,Units/L,U/L,1883 +400016228,1671276,1830,3,-lymphs,39.0,39,%,%,1857 +396714216,1671276,1830,1,ALT (SGPT),16.0,16,Units/L,U/L,1883 +400016219,1671276,1830,3,Hgb,10.6,10.6,g/dL,g/dL,1857 +393054438,1671276,-361,1,calcium,8.6,8.6,mg/dL,mg/dL,-324 +397333519,1671276,-361,2,salicylate,2.2,2.2,mg/dL,mg/dL,-328 +393054437,1671276,-361,1,bicarbonate,32.2,32.2,mmol/L,mmol/L,-324 +400016231,1671276,1830,3,-basos,1.0,1,%,%,1857 +393054439,1671276,-361,1,glucose,92.0,92,mg/dL,mg/dL,-324 +396714205,1671276,1830,1,BUN,11.0,11,mg/dL,mg/dL,1883 +400753144,1671276,-361,3,-monos,8.0,8,%,%,-347 +393054440,1671276,-361,1,chloride,101.0,101,mmol/L,mmol/L,-324 +400753146,1671276,-361,3,platelets x 1000,212.0,212.0,K/mcL,K/uL,-347 +400016232,1671276,1830,3,RBC,4.24,0,M/mcL,%,1857 +400753145,1671276,-361,3,MCHC,31.4,31.4,g/dL,g/dL,-347 +393054441,1671276,-361,1,BUN,15.0,15,mg/dL,mg/dL,-324 +400753142,1671276,-361,3,RDW,17.4,17.4,%,%,-347 +397333517,1671276,-361,2,Acetaminophen,0.0,0.0,mcg/mL,ug/mL,-328 +400753143,1671276,-361,3,MCH,25.5,25.5,pg,pg,-347 +393054433,1671276,-361,1,potassium,3.4,3.4,mmol/L,mmol/L,-324 +400753136,1671276,-361,3,-basos,0.0,0,%,%,-347 +400016227,1671276,1830,3,-polys,47.0,47,%,%,1857 +400753141,1671276,-361,3,Hgb,11.1,11.1,g/dL,g/dL,-347 +393054434,1671276,-361,1,creatinine,1.1,1.1,mg/dL,mg/dL,-324 +400753137,1671276,-361,3,-polys,66.0,66,%,%,-347 +396714206,1671276,1830,1,creatinine,1.0,1.0,mg/dL,mg/dL,1883 +400753138,1671276,-361,3,Hct,35.4,35.4,%,%,-347 +393054435,1671276,-361,1,anion gap,7.2,7.2,,,-324 +400753133,1671276,-361,3,MPV,9.6,9.6,fL,fL,-347 +400016220,1671276,1830,3,Hct,34.6,34.6,%,%,1857 +400753139,1671276,-361,3,-eos,3.0,3,%,%,-347 +392315931,1671276,1830,1,magnesium,1.8,1.8,mg/dL,mg/dL,1883 +410452471,1671276,-369,4,urinary specific gravity,1.01,1.010,,,-366 +400753134,1671276,-361,3,-lymphs,22.0,22,%,%,-347 +397333518,1671276,-361,2,ethanol,1.0,1.0,mg/dL,mg/dL,-324 +410966479,1671276,1830,4,serum osmolality,282.0,282,mOsm/kg H2O,mOsm/kg,1883 +400753140,1671276,-361,3,MCV,81.4,81.4,fL,fL,-347 +393054436,1671276,-361,1,sodium,137.0,137,mmol/L,mmol/L,-324 +409947056,1671276,-361,4,serum osmolality,274.0,274,mOsm/kg H2O,mOsm/kg,-324 +400753135,1671276,-361,3,RBC,4.35,0,M/mcL,%,-347 +400016230,1671276,1830,3,-eos,5.0,5,%,%,1857 +668047680,2687268,5420,3,-eos,4.0,4,%,%,5510 +668047681,2687268,5420,3,-basos,0.0,0,%,%,5510 +668047678,2687268,5420,3,-lymphs,19.0,19,%,%,5510 +668047679,2687268,5420,3,-monos,18.0,18,%,%,5510 +656614955,2687268,10,3,WBC x 1000,19.4,19.4,K/mcL,K/uL,24 +668047676,2687268,5420,3,platelets x 1000,231.0,231,K/mcL,K/uL,5510 +640508164,2687268,3982,1,bicarbonate,26.0,26,mmol/L,mmol/L,4052 +668047677,2687268,5420,3,-polys,59.0,59,%,%,5510 +656614957,2687268,10,3,MCH,30.6,30.6,pg,pg,24 +668047669,2687268,5420,3,RBC,3.74,3.74,M/mcL,M/uL,5510 +655844493,2687268,360,3,MCHC,33.9,33.9,g/dL,g/dL,384 +635611281,2687268,2440,1,BUN,18.0,18,mg/dL,mg/dL,2479 +640508165,2687268,3982,1,anion gap,10.7,10.7,,mmol/L,4052 +655844494,2687268,360,3,platelets x 1000,250.0,250,K/mcL,K/uL,384 +635611280,2687268,2440,1,chloride,101.0,101,mmol/L,mmol/L,2479 +671213383,2687268,1454,4,bedside glucose,154.0,154,mg/dL,mg/dL,1483 +655844491,2687268,360,3,RDW,13.1,13.1,%,%,384 +635611279,2687268,2440,1,glucose,149.0,149,mg/dL,mg/dL,2479 +656614954,2687268,10,3,Hgb,13.1,13.1,g/dL,g/dL,24 +655844492,2687268,360,3,MCH,30.7,30.7,pg,pg,384 +635611274,2687268,2440,1,creatinine,1.04,1.04,mg/dL,mg/dL,2479 +668047670,2687268,5420,3,Hgb,11.3,11.3,g/dL,g/dL,5510 +655844487,2687268,360,3,Hct,42.5,42.5,%,%,384 +635611273,2687268,2440,1,potassium,4.2,4.2,mmol/L,mmol/L,2479 +640508163,2687268,3982,1,chloride,95.0,95,mmol/L,mmol/L,4052 +655844488,2687268,360,3,MCV,91.0,91,fL,fL,384 +635611278,2687268,2440,1,calcium,8.7,8.7,mg/dL,mg/dL,2479 +671896300,2687268,4432,4,bedside glucose,195.0,195,mg/dL,mg/dL,4445 +655844486,2687268,360,3,RBC,4.69,4.69,M/mcL,M/uL,384 +635611277,2687268,2440,1,bicarbonate,29.0,29,mmol/L,mmol/L,2479 +656614958,2687268,10,3,MCHC,33.7,33.7,g/dL,g/dL,24 +655844489,2687268,360,3,Hgb,14.4,14.4,g/dL,g/dL,384 +635611276,2687268,2440,1,sodium,133.0,133,mmol/L,mmol/L,2479 +668047671,2687268,5420,3,Hct,33.8,33.8,%,%,5510 +655844490,2687268,360,3,WBC x 1000,19.8,19.8,K/mcL,K/uL,384 +635611275,2687268,2440,1,anion gap,7.2,7.2,,mmol/L,2479 +640508166,2687268,3982,1,glucose,242.0,242,mg/dL,mg/dL,4052 +659443818,2687268,2440,3,MCH,30.2,30.2,pg,pg,2468 +671181539,2687268,78,4,bedside glucose,159.0,159,mg/dL,mg/dL,274 +659443817,2687268,2440,3,RDW,13.1,13.1,%,%,2468 +656614956,2687268,10,3,RDW,13.0,13.0,%,%,24 +636675608,2687268,1000,1,BUN,13.0,13,mg/dL,mg/dL,1086 +668047675,2687268,5420,3,RDW,13.0,13.0,%,%,5510 +659443816,2687268,2440,3,WBC x 1000,14.8,14.8,K/mcL,K/uL,2468 +672251768,2687268,428,4,bedside glucose,178.0,178,mg/dL,mg/dL,440 +636675605,2687268,1000,1,calcium,7.9,7.9,mg/dL,mg/dL,1086 +640508161,2687268,3982,1,sodium,127.0,127,mmol/L,mmol/L,4052 +659443819,2687268,2440,3,MCHC,33.3,33.3,g/dL,g/dL,2468 +673524075,2687268,2904,4,bedside glucose,128.0,128,mg/dL,mg/dL,2917 +636675606,2687268,1000,1,glucose,163.0,163,mg/dL,mg/dL,1086 +670729530,2687268,1377,4,bedside glucose,162.0,162,mg/dL,mg/dL,1389 +659443815,2687268,2440,3,Hgb,12.1,12.1,g/dL,g/dL,2468 +656614959,2687268,10,3,platelets x 1000,211.0,211,K/mcL,K/uL,24 +636675607,2687268,1000,1,chloride,106.0,106,mmol/L,mmol/L,1086 +668047673,2687268,5420,3,MCH,30.2,30.2,pg,pg,5510 +659443820,2687268,2440,3,platelets x 1000,189.0,189,K/mcL,K/uL,2468 +670676798,2687268,1890,4,bedside glucose,140.0,140,mg/dL,mg/dL,1907 +636675604,2687268,1000,1,bicarbonate,23.0,23,mmol/L,mmol/L,1086 +640508162,2687268,3982,1,potassium,4.7,4.7,mmol/L,mmol/L,4052 +659443814,2687268,2440,3,MCV,91.0,91,fL,fL,2468 +671934719,2687268,13,4,bedside glucose,157.0,157,mg/dL,mg/dL,27 +636675603,2687268,1000,1,sodium,136.0,136,mmol/L,mmol/L,1086 +673959871,2687268,2678,4,bedside glucose,159.0,159,mg/dL,mg/dL,2729 +659443813,2687268,2440,3,Hct,36.3,36.3,%,%,2468 +656614952,2687268,10,3,Hct,38.9,38.9,%,%,24 +643118674,2687268,-285,1,potassium,4.1,4.1,mmol/L,mmol/L,-244 +668047672,2687268,5420,3,MCV,90.0,90,fL,fL,5510 +636675602,2687268,1000,1,anion gap,10.9,10.9,,mmol/L,1086 +673533336,2687268,-178,4,bedside glucose,167.0,167,mg/dL,mg/dL,1181 +643118675,2687268,-285,1,creatinine,0.88,0.88,mg/dL,mg/dL,-244 +640508168,2687268,3982,1,creatinine,1.0,1.00,mg/dL,mg/dL,4052 +673488553,2687268,754,4,bedside glucose,127.0,127,mg/dL,mg/dL,878 +671589246,2687268,365,4,bedside glucose,191.0,191,mg/dL,mg/dL,609 +643118676,2687268,-285,1,anion gap,13.1,13.1,,mmol/L,-244 +674016721,2687268,4140,4,bedside glucose,230.0,230,mg/dL,mg/dL,4394 +636675601,2687268,1000,1,creatinine,0.87,0.87,mg/dL,mg/dL,1086 +671572424,2687268,1599,4,bedside glucose,144.0,144,mg/dL,mg/dL,1999 +656614953,2687268,10,3,MCV,91.0,91,fL,fL,24 +629503371,2687268,10,1,glucose,175.0,175,mg/dL,mg/dL,33 +643118677,2687268,-285,1,sodium,137.0,137,mmol/L,mmol/L,-244 +671575690,2687268,566,4,bedside glucose,156.0,156,mg/dL,mg/dL,610 +668047674,2687268,5420,3,MCHC,33.4,33.4,g/dL,g/dL,5510 +671832391,2687268,1314,4,bedside glucose,152.0,152,mg/dL,mg/dL,1326 +659443812,2687268,2440,3,RBC,4.01,4.01,M/mcL,M/uL,2468 +636676657,2687268,5420,1,magnesium,1.7,1.7,mg/dL,mg/dL,5523 +629341494,2687268,10,1,potassium,4.7,4.7,mmol/L,mmol/L,33 +671868899,2687268,2766,4,bedside glucose,158.0,158,mg/dL,mg/dL,2797 +643118678,2687268,-285,1,albumin,3.5,3.5,g/dL,g/dL,-241 +672093659,2687268,202,4,bedside glucose,177.0,177,mg/dL,mg/dL,274 +640508167,2687268,3982,1,BUN,24.0,24,mg/dL,mg/dL,4052 +671636630,2687268,3445,4,bedside glucose,215.0,215,mg/dL,mg/dL,3460 +636675600,2687268,1000,1,potassium,3.9,3.9,mmol/L,mmol/L,1086 +671256060,2687268,138,4,bedside glucose,161.0,161,mg/dL,mg/dL,274 +672425935,2687268,1518,4,bedside glucose,139.0,139,mg/dL,mg/dL,1998 +672960066,2687268,5566,4,bedside glucose,212.0,212,mg/dL,mg/dL,5580 +643118679,2687268,-285,1,bicarbonate,23.0,23,mmol/L,mmol/L,-244 +671297058,2687268,1672,4,bedside glucose,182.0,182,mg/dL,mg/dL,1999 +643325998,2687268,2440,1,magnesium,2.1,2.1,mg/dL,mg/dL,2822 +674285274,2687268,1210,4,bedside glucose,173.0,173,mg/dL,mg/dL,1222 +672698216,2687268,5873,4,bedside glucose,159.0,159,mg/dL,mg/dL,5910 +674312961,2687268,1955,4,bedside glucose,173.0,173,mg/dL,mg/dL,1966 +633055081,2687268,3120,1,potassium,4.6,4.6,mmol/L,mmol/L,3148 +656614951,2687268,10,3,RBC,4.28,4.28,M/mcL,M/uL,24 +633210709,2687268,-285,1,chloride,105.0,105,mmol/L,mmol/L,-244 +643118680,2687268,-285,1,calcium,9.1,9.1,mg/dL,mg/dL,-244 +655994752,2687268,1000,3,WBC x 1000,14.3,14.3,K/mcL,K/uL,1033 +672524049,2687268,1106,4,bedside glucose,132.0,132,mg/dL,mg/dL,1157 +633210710,2687268,-285,1,BUN,15.0,15,mg/dL,mg/dL,-244 +672971175,2687268,-109,4,bedside glucose,214.0,214,mg/dL,mg/dL,1181 +655994753,2687268,1000,3,RDW,13.2,13.2,%,%,1033 +672894450,2687268,1809,4,bedside glucose,132.0,132,mg/dL,mg/dL,1847 +633210707,2687268,-285,1,phosphate,3.3,3.3,mg/dL,mg/dL,-241 +624990674,2687268,5420,1,BUN,20.0,20,mg/dL,mg/dL,5523 +655994751,2687268,1000,3,Hgb,14.0,14.0,g/dL,g/dL,1033 +637659089,2687268,3120,1,magnesium,2.1,2.1,mg/dL,mg/dL,3148 +708553342,2687268,-30,7,Base Excess,3.0,3.0,mEq/L,mmol/L,1181 +624990675,2687268,5420,1,creatinine,0.93,0.93,mg/dL,mg/dL,5523 +655994754,2687268,1000,3,MCH,30.4,30.4,pg,pg,1033 +674415287,2687268,3027,4,bedside glucose,144.0,144,mg/dL,mg/dL,3039 +673487148,2687268,3772,4,bedside glucose,186.0,186,mg/dL,mg/dL,3790 +624990676,2687268,5420,1,calcium,8.7,8.7,mg/dL,mg/dL,5523 +674462567,2687268,-95,4,bedside glucose,202.0,202,mg/dL,mg/dL,1607 +674082530,2687268,1270,4,bedside glucose,159.0,159,mg/dL,mg/dL,1527 +655994755,2687268,1000,3,MCHC,33.3,33.3,g/dL,g/dL,1033 +711601400,2687268,-109,7,O2 Sat (%),100.0,100,%,%,1181 +708240408,2687268,-95,7,HCO3,23.5,23.5,mmol/L,mmol/L,1607 +640508169,2687268,3982,1,calcium,9.1,9.1,mg/dL,mg/dL,4052 +708553341,2687268,-30,7,O2 Sat (%),100.0,100,%,%,1181 +624990672,2687268,5420,1,anion gap,11.0,11,,mmol/L,5523 +655994748,2687268,1000,3,RBC,4.61,4.61,M/mcL,M/uL,1033 +668047668,2687268,5420,3,WBC x 1000,7.9,7.9,K/mcL,K/uL,5510 +674309008,2687268,5199,4,bedside glucose,179.0,179,mg/dL,mg/dL,5257 +711601399,2687268,-109,7,HCO3,23.6,23.6,mmol/L,mmol/L,1181 +633210708,2687268,-285,1,glucose,172.0,172,mg/dL,mg/dL,-244 +644025496,2687268,360,1,potassium,3.9,3.9,mmol/L,mmol/L,394 +655994749,2687268,1000,3,Hct,42.1,42.1,%,%,1033 +624990673,2687268,5420,1,glucose,179.0,179,mg/dL,mg/dL,5523 +672290021,2687268,265,4,bedside glucose,191.0,191,mg/dL,mg/dL,374 +670731605,2687268,1143,4,bedside glucose,136.0,136,mg/dL,mg/dL,1157 +708240410,2687268,-95,7,Base Excess,2.0,2.0,mEq/L,mmol/L,1607 +711654405,2687268,-61,7,O2 Sat (%),100.0,100,%,%,1181 +712853493,2687268,-178,7,Base Excess,2.0,2.0,mEq/L,mmol/L,1181 +673015646,2687268,2442,4,bedside glucose,145.0,145,mg/dL,mg/dL,2454 +674341316,2687268,688,4,bedside glucose,152.0,152,mg/dL,mg/dL,700 +624990669,2687268,5420,1,potassium,4.0,4.0,mmol/L,mmol/L,5523 +708553340,2687268,-30,7,HCO3,22.8,22.8,mmol/L,mmol/L,1181 +672474932,2687268,862,4,bedside glucose,119.0,119,mg/dL,mg/dL,878 +712853492,2687268,-178,7,O2 Sat (%),100.0,100,%,%,1181 +711654404,2687268,-61,7,HCO3,24.2,24.2,mmol/L,mmol/L,1181 +671844654,2687268,1744,4,bedside glucose,182.0,182,mg/dL,mg/dL,1760 +671884202,2687268,4693,4,bedside glucose,170.0,170,mg/dL,mg/dL,4712 +655994756,2687268,1000,3,platelets x 1000,229.0,229,K/mcL,K/uL,1033 +624990670,2687268,5420,1,chloride,96.0,96,mmol/L,mmol/L,5523 +672744416,2687268,2036,4,bedside glucose,188.0,188,mg/dL,mg/dL,2047 +672153375,2687268,2564,4,bedside glucose,168.0,168,mg/dL,mg/dL,2575 +673766360,2687268,1051,4,bedside glucose,139.0,139,mg/dL,mg/dL,1198 +711654406,2687268,-61,7,Base Excess,1.0,1.0,mEq/L,mmol/L,1181 +673497055,2687268,2333,4,bedside glucose,149.0,149,mg/dL,mg/dL,2438 +673595547,2687268,966,4,bedside glucose,154.0,154,mg/dL,mg/dL,980 +712853491,2687268,-178,7,HCO3,22.1,22.1,mmol/L,mmol/L,1181 +624990671,2687268,5420,1,bicarbonate,28.0,28,mmol/L,mmol/L,5523 +673636343,2687268,624,4,bedside glucose,131.0,131,mg/dL,mg/dL,649 +672384000,2687268,2836,4,bedside glucose,161.0,161,mg/dL,mg/dL,2852 +674325569,2687268,-61,4,bedside glucose,211.0,211,mg/dL,mg/dL,1181 +670646052,2687268,999,4,bedside glucose,154.0,154,mg/dL,mg/dL,1015 +672985214,2687268,494,4,bedside glucose,124.0,124,mg/dL,mg/dL,508 +671546850,2687268,2099,4,bedside glucose,157.0,157,mg/dL,mg/dL,2113 +671063878,2687268,-290,4,bedside glucose,180.0,180,mg/dL,mg/dL,-230 +711601401,2687268,-109,7,Base Excess,2.0,2.0,mEq/L,mmol/L,1181 +655994750,2687268,1000,3,MCV,91.0,91,fL,fL,1033 +673054307,2687268,898,4,bedside glucose,137.0,137,mg/dL,mg/dL,980 +672202175,2687268,2223,4,bedside glucose,123.0,123,mg/dL,mg/dL,2234 +635376041,2687268,360,1,glucose,200.0,200,mg/dL,mg/dL,394 +674249558,2687268,312,4,bedside glucose,196.0,196,mg/dL,mg/dL,328 +672011268,2687268,4930,4,bedside glucose,203.0,203,mg/dL,mg/dL,5843 +708240409,2687268,-95,7,O2 Sat (%),70.0,70,%,%,1607 +626844112,2687268,3982,1,magnesium,1.9,1.9,mg/dL,mg/dL,4052 +674498592,2687268,3263,4,bedside glucose,216.0,216,mg/dL,mg/dL,3286 +635738582,2687268,1605,1,potassium,3.5,3.5,mmol/L,mmol/L,1642 +647724658,2687268,1605,1,magnesium,1.5,1.5,mg/dL,mg/dL,1642 +624990668,2687268,5420,1,sodium,131.0,131,mmol/L,mmol/L,5523 +670855655,2687268,-30,4,bedside glucose,196.0,196,mg/dL,mg/dL,1181 +230871259,963136,8859,3,MCV,90.5,90.5,fL,fL,8908 +230871258,963136,8859,3,Hct,29.1,29.1,%,%,8908 +230871255,963136,8859,3,WBC x 1000,9.9,9.9,K/mcL,th/uL,8908 +230871260,963136,8859,3,MCH,29.7,29.7,pg,pg,8908 +230871269,963136,8859,3,-eos,2.0,2.0,%,%,8932 +230876169,963136,4525,3,-basos,0.3,0.3,%,%,4561 +230871256,963136,8859,3,RBC,3.22,3.22,M/mcL,mill/uL,8908 +230871257,963136,8859,3,Hgb,9.6,9.6,g/dL,g/dL,8908 +230876168,963136,4525,3,-eos,2.0,2.0,%,%,4561 +230876164,963136,4525,3,MPV,9.1,9.1,fL,fL,4561 +230876165,963136,4525,3,-polys,76.5,76.5,%,%,4561 +230871266,963136,8859,3,-bands,6.0,6,%,%,8932 +230871263,963136,8859,3,platelets x 1000,216.0,216,K/mcL,th/uL,8908 +230871267,963136,8859,3,-lymphs,9.0,9.0,%,%,8932 +230871264,963136,8859,3,MPV,8.8,8.8,fL,fL,8908 +230871265,963136,8859,3,-polys,69.0,69.0,%,%,8932 +230876166,963136,4525,3,-lymphs,12.7,12.7,%,%,4561 +230876160,963136,4525,3,MCH,30.4,30.4,pg,pg,4561 +230876162,963136,4525,3,RDW,13.8,13.8,%,%,4561 +230876161,963136,4525,3,MCHC,33.1,33.1,g/dL,g/dL,4561 +230871261,963136,8859,3,MCHC,32.9,32.9,g/dL,g/dL,8908 +228596960,963136,8859,1,potassium,3.8,3.8,mmol/L,mmol/L,8906 +230876159,963136,4525,3,MCV,91.8,91.8,fL,fL,4561 +228596961,963136,8859,1,chloride,107.0,107,mmol/L,mmol/L,8906 +230876167,963136,4525,3,-monos,8.5,8.5,%,%,4561 +230576382,963136,-156,3,RDW,13.1,13.1,%,%,-144 +228167108,963136,-156,1,alkaline phos.,137.0,137,Units/L,IU/L,-126 +230576383,963136,-156,3,MCH,30.3,30.3,pg,pg,-144 +228596959,963136,8859,1,sodium,144.0,144,mmol/L,mmol/L,8906 +230576384,963136,-156,3,-monos,4.0,4.0,%,%,-144 +230876155,963136,4525,3,WBC x 1000,12.7,12.7,K/mcL,th/uL,4561 +230576385,963136,-156,3,MCHC,33.2,33.2,g/dL,g/dL,-144 +229697934,963136,1864,3,RDW,13.5,13.5,%,%,1877 +230576380,963136,-156,3,Hgb,11.8,11.8,g/dL,g/dL,-144 +228167107,963136,-156,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-126 +230576386,963136,-156,3,platelets x 1000,201.0,201,K/mcL,th/uL,-144 +229697932,963136,1864,3,Hgb,10.6,10.6,g/dL,g/dL,1877 +230576381,963136,-156,3,WBC x 1000,14.0,14.0,K/mcL,th/uL,-144 +228596958,963136,8859,1,creatinine,1.0,1.00,mg/dL,mg/dL,8906 +230576377,963136,-156,3,Hct,35.5,35.5,%,%,-144 +229697933,963136,1864,3,WBC x 1000,18.2,18.2,K/mcL,th/uL,1877 +230576374,963136,-156,3,RBC,3.89,3.89,M/mcL,mill/uL,-144 +230876156,963136,4525,3,RBC,3.27,3.27,M/mcL,mill/uL,4561 +230576372,963136,-156,3,MPV,8.9,8.9,fL,fL,-144 +229697935,963136,1864,3,MCH,29.8,29.8,pg,pg,1877 +230576373,963136,-156,3,-lymphs,2.2,2.2,%,%,-144 +228167109,963136,-156,1,AST (SGOT),53.0,53,Units/L,IU/L,-126 +230576378,963136,-156,3,-eos,0.3,0.3,%,%,-144 +229697936,963136,1864,3,-monos,4.5,4.5,%,%,1877 +230576375,963136,-156,3,-basos,0.1,0.1,%,%,-144 +228596962,963136,8859,1,bicarbonate,28.0,28,mmol/L,mmol/L,8906 +229305329,963136,-156,2,ethanol,,<3,mg/dL,mg/dL,-129 +229697930,963136,1864,3,-eos,0.3,0.3,%,%,1877 +230576376,963136,-156,3,-polys,93.4,93.4,%,%,-144 +230876157,963136,4525,3,Hgb,10.0,10.0,g/dL,g/dL,4561 +229960262,963136,-156,3,PTT,35.2,35.2,sec,sec,-134 +229697931,963136,1864,3,MCV,91.2,91.2,fL,fL,1877 +228744725,963136,-156,1,sodium,141.0,141,mmol/L,mmol/L,-143 +228167113,963136,-156,1,ALT (SGPT),53.0,53,Units/L,IU/L,-126 +229312172,963136,5949,2,Vancomycin - random,18.7,18.7,mcg/mL,mcg/mL,6018 +229697937,963136,1864,3,MCHC,32.6,32.6,g/dL,g/dL,1877 +228744724,963136,-156,1,creatinine,1.4,1.40,mg/dL,mg/dL,-143 +228596963,963136,8859,1,calcium,8.3,8.3,mg/dL,mg/dL,8906 +230576379,963136,-156,3,MCV,91.4,91.4,fL,fL,-144 +229697938,963136,1864,3,platelets x 1000,155.0,155,K/mcL,th/uL,1877 +228744723,963136,-156,1,potassium,3.7,3.7,mmol/L,mmol/L,-143 +230871262,963136,8859,3,RDW,13.5,13.5,%,%,8908 +232169947,963136,1648,7,O2 Sat (%),99.7,99.7,%,%,1657 +229697924,963136,1864,3,MPV,9.4,9.4,fL,fL,1877 +232374932,963136,-156,7,O2 Content,14.6,14.6,mls/dL,mL/dL,-147 +227961160,963136,5949,1,phosphate,2.7,2.7,mg/dL,mg/dL,6018 +229960260,963136,-156,3,PT,13.1,13.1,sec,sec,-134 +228167110,963136,-156,1,albumin,3.7,3.7,g/dL,g/dL,-126 +232169945,963136,1648,7,pH,7.51,7.51,,,1657 +229697925,963136,1864,3,-lymphs,6.8,6.8,%,%,1877 +232374933,963136,-156,7,pH,7.48,7.48,,,-147 +227961164,963136,5949,1,sodium,142.0,142,mmol/L,mmol/L,6018 +228744726,963136,-156,1,ionized calcium,4.5,4.5,mg/dL,mg/dL,-143 +228596956,963136,8859,1,glucose,56.0,56,mg/dL,mg/dL,8906 +232169944,963136,1648,7,O2 Content,12.7,12.7,mls/dL,mL/dL,1657 +229697926,963136,1864,3,RBC,3.57,3.57,M/mcL,mill/uL,1877 +232499870,963136,199,7,Base Excess,-5.8,-5.8,mEq/L,mmol/L,227 +227961165,963136,5949,1,potassium,3.8,3.8,mmol/L,mmol/L,6018 +229135746,963136,-156,1,troponin - I,0.03,0.03,ng/mL,ng/mL,-134 +230871268,963136,8859,3,-monos,12.0,12.0,%,%,8932 +232169943,963136,1648,7,paCO2,28.0,28.0,mm Hg,mmHg,1657 +229697929,963136,1864,3,Hct,32.6,32.6,%,%,1877 +232499868,963136,199,7,O2 Sat (%),100.0,100.0,%,%,227 +227961169,963136,5949,1,anion gap,8.0,8,,,6018 +231281160,963136,5250,4,bedside glucose,198.0,198,mg/dL,mg/dL,5250 +228167111,963136,-156,1,total protein,7.9,7.9,g/dL,g/dL,-126 +232169941,963136,1648,7,paO2,178.0,178.0,mm Hg,mmHg,1657 +227566407,963136,5949,1,triglycerides,139.0,139,mg/dL,mg/dL,6343 +232374931,963136,-156,7,paCO2,29.0,29.0,mm Hg,mmHg,-147 +227961161,963136,5949,1,glucose,124.0,124,mg/dL,mg/dL,6018 +228744729,963136,-156,1,BUN,31.0,31,mg/dL,mg/dL,-143 +228596957,963136,8859,1,BUN,16.0,16,mg/dL,mg/dL,8906 +232169938,963136,1648,7,Vent Rate,12.0,12,/min,,1657 +229697927,963136,1864,3,-basos,0.3,0.3,%,%,1877 +232374935,963136,-156,7,O2 Sat (%),98.1,98.1,%,%,-147 +227961163,963136,5949,1,creatinine,1.07,1.07,mg/dL,mg/dL,6018 +231285355,963136,6684,4,bedside glucose,129.0,129,mg/dL,mg/dL,6684 +230876158,963136,4525,3,Hct,30.0,30.0,%,%,4561 +232169939,963136,1648,7,Methemoglobin,0.6,.60,%,%,1657 +227566406,963136,5949,1,total cholesterol,133.0,133,mg/dL,mg/dL,6343 +232499864,963136,199,7,paCO2,26.0,26.0,mm Hg,mmHg,227 +227961167,963136,5949,1,bicarbonate,28.0,28,mmol/L,mmol/L,6018 +229960261,963136,-156,3,PT - INR,1.2,1.2,ratio,,-134 +228167112,963136,-156,1,calcium,8.7,8.7,mg/dL,mg/dL,-126 +232169940,963136,1648,7,FiO2,40.0,40,%,%,1657 +229697928,963136,1864,3,-polys,88.1,88.1,%,%,1877 +232499865,963136,199,7,O2 Content,14.8,14.8,mls/dL,mL/dL,227 +227961166,963136,5949,1,chloride,106.0,106,mmol/L,mmol/L,6018 +231468876,963136,3831,4,bedside glucose,70.0,70,mg/dL,mg/dL,3831 +231222203,963136,8341,4,bedside glucose,159.0,159,mg/dL,mg/dL,8341 +228596964,963136,8859,1,anion gap,9.0,9,,,8906 +232169942,963136,1648,7,Carboxyhemoglobin,0.9,0.9,%,%,1657 +231248785,963136,4070,4,bedside glucose,161.0,161,mg/dL,mg/dL,4070 +227566408,963136,5949,1,HDL,23.0,23,mg/dL,mg/dL,6343 +232374928,963136,-156,7,LPM O2,15.0,15.0,L/min,,-147 +231433132,963136,5504,4,bedside glucose,212.0,212,mg/dL,mg/dL,5504 +227961168,963136,5949,1,calcium,8.0,8.0,mg/dL,mg/dL,6018 +228744728,963136,-156,1,chloride,104.0,104,mmol/L,mmol/L,-143 +228852418,963136,1864,1,phosphate,3.1,3.1,mg/dL,mg/dL,1967 +230876163,963136,4525,3,platelets x 1000,168.0,168,K/mcL,th/uL,4561 +232169937,963136,1648,7,TV,600.0,600,mls,,1657 +231186203,963136,6918,4,bedside glucose,104.0,104,mg/dL,mg/dL,6918 +227516836,963136,1999,1,troponin - I,0.401,0.401,ng/mL,ng/mL,2087 +232499863,963136,199,7,Carboxyhemoglobin,0.8,0.8,%,%,227 +228852417,963136,1864,1,magnesium,1.8,1.8,mg/dL,mg/dL,1967 +227961162,963136,5949,1,BUN,18.0,18,mg/dL,mg/dL,6018 +231247364,963136,2377,4,bedside glucose,200.0,200,mg/dL,mg/dL,2377 +228495403,963136,259,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,325 +232169934,963136,1648,7,Pressure Support,12.0,12,cm H2O,,1657 +228495405,963136,259,1,creatinine,1.79,1.79,mg/dL,mg/dL,325 +232374927,963136,-156,7,FiO2,100.0,100,%,%,-147 +228495404,963136,259,1,potassium,2.6,2.6,mmol/L,mmol/L,325 +229188099,963136,4525,1,phosphate,3.5,3.5,mg/dL,mg/dL,4559 +228495406,963136,259,1,alkaline phos.,92.0,92,Units/L,IU/L,325 +232033102,963136,-39,7,pH,7.41,7.41,,,-30 +228495407,963136,259,1,anion gap,17.0,17,,,325 +231448079,963136,550,4,bedside glucose,189.0,189,mg/dL,mg/dL,550 +228495419,963136,259,1,BUN,37.0,37,mg/dL,mg/dL,325 +232033093,963136,-39,7,TV,600.0,600,mls,,-30 +228495418,963136,259,1,chloride,106.0,106,mmol/L,mmol/L,325 +232374929,963136,-156,7,paO2,87.0,87.0,mm Hg,mmHg,-147 +228330541,963136,3203,1,anion gap,10.0,10,,,3233 +232033092,963136,-39,7,HCO3,18.0,18.0,mmol/L,mmol/L,-30 +228495414,963136,259,1,calcium,8.2,8.2,mg/dL,mg/dL,325 +227808884,963136,979,1,troponin - I,1.22,1.220,ng/mL,ng/mL,1047 +228330539,963136,3203,1,potassium,3.9,3.9,mmol/L,mmol/L,3233 +232033104,963136,-39,7,O2 Sat (%),99.6,99.6,%,%,-30 +228495416,963136,259,1,ALT (SGPT),44.0,44,Units/L,IU/L,325 +232169936,963136,1648,7,HCO3,22.2,22.2,mmol/L,mmol/L,1657 +228330543,963136,3203,1,magnesium,2.0,2.0,mg/dL,mg/dL,3233 +232033101,963136,-39,7,Respiratory Rate,16.0,16,/min,,-30 +230858055,963136,3203,3,Hgb,10.2,10.2,g/dL,g/dL,3217 +232419284,963136,-156,7,Total CO2,21.0,21,,mmol/L,-143 +228495415,963136,259,1,phosphate,1.3,1.3,mg/dL,mg/dL,323 +232033097,963136,-39,7,paO2,186.0,186.0,mm Hg,mmHg,-30 +230858056,963136,3203,3,WBC x 1000,16.1,16.1,K/mcL,th/uL,3217 +228744727,963136,-156,1,lactate,1.4,1.4,mmol/L,mmol/L,-146 +228330549,963136,3203,1,BUN,35.0,35,mg/dL,mg/dL,3233 +231299885,963136,1737,4,bedside glucose,135.0,135,mg/dL,mg/dL,1737 +230858057,963136,3203,3,RDW,13.8,13.8,%,%,3217 +231336164,963136,1954,4,bedside glucose,134.0,134,mg/dL,mg/dL,1954 +228495413,963136,259,1,total protein,6.4,6.4,g/dL,g/dL,325 +232033106,963136,-39,7,Base Excess,-5.0,-5.0,mEq/L,mmol/L,-30 +230858058,963136,3203,3,MCH,30.4,30.4,pg,pg,3217 +232374937,963136,-156,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,-147 +228330547,963136,3203,1,glucose,96.0,96,mg/dL,mg/dL,3233 +231325534,963136,8952,4,bedside glucose,95.0,95,mg/dL,mg/dL,8952 +230858059,963136,3203,3,-monos,5.1,5.1,%,%,3217 +231214818,963136,4702,4,bedside glucose,57.0,57,mg/dL,mg/dL,4702 +228495412,963136,259,1,bicarbonate,19.0,19,mmol/L,mmol/L,325 +232033098,963136,-39,7,Carboxyhemoglobin,0.9,0.9,%,%,-30 +230269978,963136,259,3,MCHC,32.2,32.2,g/dL,g/dL,276 +232499866,963136,199,7,pH,7.43,7.43,,,227 +230985989,963136,259,3,WBC x 1000,21.8,21.8,K/mcL,th/uL,276 +231142603,963136,3203,3,MPV,9.2,9.2,fL,fL,3217 +230269979,963136,259,3,platelets x 1000,171.0,171,K/mcL,th/uL,276 +231223952,963136,9013,4,bedside glucose,74.0,74,mg/dL,mg/dL,9013 +228330545,963136,3203,1,calcium,8.0,8.0,mg/dL,mg/dL,3233 +232033099,963136,-39,7,paCO2,29.0,29.0,mm Hg,mmHg,-30 +230269977,963136,259,3,-monos,3.0,3.0,%,%,289 +232374930,963136,-156,7,Carboxyhemoglobin,1.4,1.4,%,%,-147 +230985990,963136,259,3,RDW,13.6,13.6,%,%,276 +231142604,963136,3203,3,-lymphs,8.7,8.7,%,%,3217 +230225733,963136,259,3,PT,17.9,17.9,sec,sec,283 +231329982,963136,6128,4,bedside glucose,153.0,153,mg/dL,mg/dL,6128 +228495417,963136,259,1,glucose,382.0,382,mg/dL,mg/dL,325 +232033095,963136,-39,7,Methemoglobin,0.3,.30,%,%,-30 +230269976,963136,259,3,MCH,29.9,29.9,pg,pg,276 +232499860,963136,199,7,Methemoglobin,0.9,.90,%,%,227 +231335543,963136,2655,4,bedside glucose,281.0,281,mg/dL,mg/dL,2655 +231142608,963136,3203,3,Hct,31.3,31.3,%,%,3217 +230985986,963136,259,3,-bands,12.0,12,%,%,289 +228273343,963136,639,1,troponin - I,1.14,1.140,ng/mL,ng/mL,706 +230225734,963136,259,3,PT - INR,1.6,1.6,ratio,,283 +232033096,963136,-39,7,FiO2,80.0,80,%,%,-30 +231413270,963136,1259,4,bedside glucose,113.0,113,mg/dL,mg/dL,1259 +232499858,963136,199,7,TV,600.0,600,mls,,227 +228330540,963136,3203,1,creatinine,1.36,1.36,mg/dL,mg/dL,3233 +231142609,963136,3203,3,-eos,1.2,1.2,%,%,3217 +232198942,963136,2077,7,pH,7.38,7.38,,,2087 +231160291,963136,4744,4,bedside glucose,62.0,62,mg/dL,mg/dL,4744 +230985984,963136,259,3,-polys,81.0,81.0,%,%,289 +231256407,963136,77,4,bedside glucose,420.0,420,mg/dL,mg/dL,77 +232198941,963136,2077,7,Respiratory Rate,16.0,16,/min,,2087 +232499861,963136,199,7,FiO2,60.0,60,%,%,227 +228495410,963136,259,1,magnesium,1.7,1.7,mg/dL,mg/dL,323 +231142605,963136,3203,3,RBC,3.37,3.37,M/mcL,mill/uL,3217 +232198937,963136,2077,7,paO2,128.0,128.0,mm Hg,mmHg,2087 +228401757,963136,979,1,potassium,3.6,3.6,mmol/L,mmol/L,1004 +230985985,963136,259,3,Hct,34.7,34.7,%,%,276 +232033100,963136,-39,7,O2 Content,18.0,18.0,mls/dL,mL/dL,-30 +232198940,963136,2077,7,O2 Content,15.2,15.2,mls/dL,mL/dL,2087 +229240020,963136,1864,1,bicarbonate,24.0,24,mmol/L,mmol/L,1896 +228330546,963136,3203,1,phosphate,3.1,3.1,mg/dL,mg/dL,3233 +232499859,963136,199,7,Vent Rate,16.0,16,/min,,227 +232198944,963136,2077,7,O2 Sat (%),98.9,98.9,%,%,2087 +231142606,963136,3203,3,-basos,0.4,0.4,%,%,3217 +230985987,963136,259,3,MCV,92.8,92.8,fL,fL,276 +229240022,963136,1864,1,glucose,134.0,134,mg/dL,mg/dL,1896 +232198946,963136,2077,7,Base Excess,-1.8,-1.8,mEq/L,mmol/L,2087 +231275667,963136,7593,4,bedside glucose,108.0,108,mg/dL,mg/dL,7593 +228495409,963136,259,1,sodium,142.0,142,mmol/L,mmol/L,325 +231291678,963136,83,4,bedside glucose,411.0,411,mg/dL,mg/dL,83 +232198936,963136,2077,7,FiO2,30.0,30,%,%,2087 +229240016,963136,1864,1,potassium,3.1,3.1,mmol/L,mmol/L,1896 +230858061,963136,3203,3,platelets x 1000,182.0,182,K/mcL,th/uL,3217 +232374925,963136,-156,7,HCO3,21.4,21.4,mmol/L,mmol/L,-147 +232198938,963136,2077,7,Carboxyhemoglobin,0.8,0.8,%,%,2087 +231142607,963136,3203,3,-polys,84.6,84.6,%,%,3217 +228330542,963136,3203,1,sodium,147.0,147,mmol/L,mmol/L,3233 +229240024,963136,1864,1,BUN,37.0,37,mg/dL,mg/dL,1896 +231310988,963136,6383,4,bedside glucose,189.0,189,mg/dL,mg/dL,6383 +231172924,963136,4934,4,bedside glucose,194.0,194,mg/dL,mg/dL,4934 +230985982,963136,259,3,-lymphs,1.0,1.0,%,%,289 +232033094,963136,-39,7,Vent Rate,16.0,16,/min,,-30 +232198939,963136,2077,7,paCO2,39.0,39.0,mm Hg,mmHg,2087 +229240018,963136,1864,1,anion gap,12.0,12,,,1896 +228495411,963136,259,1,albumin,2.9,2.9,g/dL,g/dL,325 +232499857,963136,199,7,HCO3,17.0,17.0,mmol/L,mmol/L,227 +231320908,963136,9272,4,bedside glucose,70.0,70,mg/dL,mg/dL,9272 +231469231,963136,280,4,bedside glucose,376.0,376,mg/dL,mg/dL,280 +230985983,963136,259,3,RBC,3.74,3.74,M/mcL,mill/uL,276 +229240021,963136,1864,1,calcium,8.3,8.3,mg/dL,mg/dL,1896 +231358305,963136,3861,4,bedside glucose,87.0,87,mg/dL,mg/dL,3861 +231483497,963136,-156,4,bedside glucose,287.0,287,mg/dL,mg/dL,-143 +228330544,963136,3203,1,bicarbonate,25.0,25,mmol/L,mmol/L,3233 +231298818,963136,-156,4,BNP,1020.0,1020.0,pg/mL,pg/mL,-130 +232198935,963136,2077,7,Methemoglobin,0.5,.50,%,%,2087 +229240023,963136,1864,1,chloride,111.0,111,mmol/L,mmol/L,1896 +230985988,963136,259,3,Hgb,11.2,11.2,g/dL,g/dL,276 +232499862,963136,199,7,paO2,230.0,230.0,mm Hg,mmHg,227 +231417558,963136,8189,4,bedside glucose,199.0,199,mg/dL,mg/dL,8189 +231182945,963136,1511,4,bedside glucose,105.0,105,mg/dL,mg/dL,1511 +228495408,963136,259,1,AST (SGOT),40.0,40,Units/L,IU/L,325 +229240019,963136,1864,1,sodium,147.0,147,mmol/L,mmol/L,1896 +231385308,963136,3503,4,bedside glucose,241.0,241,mg/dL,mg/dL,3503 +231219358,963136,3303,4,bedside glucose,84.0,84,mg/dL,mg/dL,3303 +230858060,963136,3203,3,MCHC,32.7,32.7,g/dL,g/dL,3217 +231142610,963136,3203,3,MCV,93.0,93.0,fL,fL,3217 +231400818,963136,964,4,bedside glucose,163.0,163,mg/dL,mg/dL,964 +231351644,963136,761,4,bedside glucose,215.0,215,mg/dL,mg/dL,761 +228330548,963136,3203,1,chloride,112.0,112,mmol/L,mmol/L,3233 +232374926,963136,-156,7,Methemoglobin,0.0,.00,%,%,-147 +232198934,963136,2077,7,HCO3,22.5,22.5,mmol/L,mmol/L,2087 +231188580,963136,-134,4,urinary specific gravity,1.02,1.020,,,-109 +230985981,963136,259,3,MPV,8.9,8.9,fL,fL,276 +229240017,963136,1864,1,creatinine,1.38,1.38,mg/dL,mg/dL,1896 +229312162,963136,4799,2,Vancomycin - trough,32.5,32.5,mcg/mL,mcg/mL,4863 +829559903,3352230,530,7,HCO3,22.3,22.3,mmol/L,mmol/L,530 +829559904,3352230,530,7,Vent Rate,14.0,14,/min,/Min,530 +829559901,3352230,530,7,PEEP,12.0,12,cm H2O,cm/H2O,530 +829559907,3352230,530,7,paCO2,33.4,33.4,mm Hg,mmHg,530 +822838572,3352230,324,1,sodium,138.0,138,mmol/L,mmol/L,352 +829816358,3352230,-504,7,paCO2,55.3,55.3,mm Hg,mmHg,-504 +822838574,3352230,324,1,calcium,7.3,7.3,mg/dL,mg/dL,352 +829816359,3352230,-504,7,pH,7.295,7.295,,,-504 +822838573,3352230,324,1,bicarbonate,24.0,24,mmol/L,mmol/L,352 +829559906,3352230,530,7,paO2,75.0,75.0,mm Hg,mmHg,530 +828923340,3352230,322,7,Carboxyhemoglobin,0.0,0.0,%,%,322 +829816360,3352230,-504,7,O2 Sat (%),100.0,100.0,%,%,-504 +822838571,3352230,324,1,anion gap,5.0,5,,,352 +829816356,3352230,-504,7,HCO3,26.9,26.9,mmol/L,mmol/L,-504 +828923339,3352230,322,7,Methemoglobin,0.7,0.7,%,%,322 +829816361,3352230,-504,7,Base Excess,0.0,0.0,mEq/L,mmol/L,-504 +822838570,3352230,324,1,creatinine,1.1,1.10,mg/dL,mg/dL,352 +829559905,3352230,530,7,FiO2,100.0,100,%,%,530 +824639230,3352230,324,3,platelets x 1000,56.0,56,K/mcL,K/uL,338 +829816357,3352230,-504,7,paO2,283.0,283.0,mm Hg,mmHg,-504 +828969125,3352230,314,7,Carboxyhemoglobin,0.0,0.0,%,%,314 +829559911,3352230,530,7,O2 Sat (%),95.0,95.0,%,%,530 +824639224,3352230,324,3,MCV,89.0,89,fL,fL,338 +827457959,3352230,2468,4,bedside glucose,146.0,146,mg/dL,mg/dL,2468 +822838569,3352230,324,1,potassium,4.8,4.8,mmol/L,mmol/L,352 +829559912,3352230,530,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,530 +824639223,3352230,324,3,Hct,27.0,27,%,%,338 +827447748,3352230,8253,4,bedside glucose,106.0,106,mg/dL,mg/dL,8253 +828969124,3352230,314,7,Methemoglobin,0.6,0.6,%,%,314 +829559908,3352230,530,7,pH,7.432,7.432,,,530 +824639229,3352230,324,3,MCHC,33.0,33,g/dL,%,338 +827107769,3352230,8511,4,bedside glucose,113.0,113,mg/dL,mg/dL,8511 +822838575,3352230,324,1,glucose,156.0,156,mg/dL,mg/dL,352 +827153030,3352230,11310,4,bedside glucose,122.0,122,mg/dL,mg/dL,11310 +824639227,3352230,324,3,RDW,14.3,14.3,%,%,338 +827121580,3352230,7043,4,bedside glucose,124.0,124,mg/dL,mg/dL,7043 +827427776,3352230,3206,4,bedside glucose,99.0,99,mg/dL,mg/dL,3206 +822780413,3352230,17892,1,AST (SGOT),14.0,14,Units/L,IU/L,17951 +824639228,3352230,324,3,MCH,29.0,29,pg,pg,338 +822780415,3352230,17892,1,bicarbonate,26.0,26,mmol/L,mmol/L,17951 +822838576,3352230,324,1,chloride,109.0,109,mmol/L,mmol/L,352 +822780416,3352230,17892,1,BUN,33.0,33,mg/dL,mg/dL,17951 +824639221,3352230,324,3,MPV,7.8,7.8,fL,fL,338 +822780407,3352230,17892,1,potassium,4.5,4.5,mmol/L,mmol/L,17951 +827485258,3352230,7463,4,bedside glucose,108.0,108,mg/dL,mg/dL,7463 +822780414,3352230,17892,1,total protein,6.8,6.8,g/dL,g/dL,17951 +824639225,3352230,324,3,Hgb,9.0,9.0,g/dL,g/dL,338 +822682408,3352230,30,1,creatinine,1.31,1.31,mg/dL,mg/dL,99 +825017898,3352230,324,3,PT,12.8,12.8,sec,sec,347 +822780420,3352230,17892,1,ALT (SGPT),21.0,21,Units/L,IU/L,17951 +824639226,3352230,324,3,WBC x 1000,16.0,16.0,K/mcL,K/uL,338 +822682409,3352230,30,1,anion gap,6.0,6,,,99 +822838577,3352230,324,1,BUN,14.0,14,mg/dL,mg/dL,352 +822780419,3352230,17892,1,alkaline phos.,57.0,57,Units/L,IU/L,17951 +824639222,3352230,324,3,RBC,3.07,3.07,M/mcL,M/uL,338 +822682412,3352230,30,1,calcium,7.5,7.5,mg/dL,mg/dL,99 +825017899,3352230,324,3,PT - INR,1.28,1.28,ratio,,347 +822780417,3352230,17892,1,creatinine,1.46,1.46,mg/dL,mg/dL,17951 +827505032,3352230,530,4,bedside glucose,147.0,147,mg/dL,mg/dL,530 +822682413,3352230,30,1,glucose,182.0,182,mg/dL,mg/dL,99 +829020445,3352230,1956,7,paCO2,38.3,38.3,mm Hg,mmHg,1956 +822780411,3352230,17892,1,albumin,3.4,3.4,g/dL,g/dL,17951 +829020447,3352230,1956,7,O2 Sat (%),97.0,97.0,%,%,1956 +822682411,3352230,30,1,bicarbonate,22.0,22,mmol/L,mmol/L,99 +829020446,3352230,1956,7,pH,7.457,7.457,,,1956 +822780412,3352230,17892,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,17951 +829020444,3352230,1956,7,paO2,83.0,83.0,mm Hg,mmHg,1956 +822682407,3352230,30,1,potassium,4.0,4.0,mmol/L,mmol/L,99 +829020443,3352230,1956,7,HCO3,27.1,27.1,mmol/L,mmol/L,1956 +822780410,3352230,17892,1,anion gap,8.0,8,,,17951 +829020448,3352230,1956,7,Base Excess,3.0,3.0,mEq/L,mmol/L,1956 +824524567,3352230,30,3,MCH,29.0,29,pg,pg,91 +826036089,3352230,1987,3,MCV,89.0,89,fL,fL,2011 +822682414,3352230,30,1,chloride,110.0,110,mmol/L,mmol/L,99 +826036090,3352230,1987,3,Hgb,8.8,8.8,g/dL,g/dL,2011 +824524563,3352230,30,3,MCV,90.0,90,fL,fL,91 +825692454,3352230,3407,3,MCHC,34.0,34,g/dL,%,3419 +822780408,3352230,17892,1,chloride,102.0,102,mmol/L,mmol/L,17951 +826036091,3352230,1987,3,WBC x 1000,17.2,17.2,K/mcL,K/uL,2011 +824524560,3352230,30,3,MPV,7.9,7.9,fL,fL,91 +825692451,3352230,3407,3,WBC x 1000,17.7,17.7,K/mcL,K/uL,3419 +822682410,3352230,30,1,sodium,138.0,138,mmol/L,mmol/L,99 +826036088,3352230,1987,3,-eos,0.0,0,%,%,2011 +824524561,3352230,30,3,RBC,3.13,3.13,M/mcL,M/uL,91 +825692452,3352230,3407,3,RDW,14.1,14.1,%,%,3419 +822780406,3352230,17892,1,sodium,136.0,136,mmol/L,mmol/L,17951 +826036086,3352230,1987,3,-basos,0.0,0,%,%,2011 +824524568,3352230,30,3,MCHC,32.0,32,g/dL,%,91 +825692455,3352230,3407,3,platelets x 1000,85.0,85,K/mcL,K/uL,3419 +822997139,3352230,30,1,magnesium,2.2,2.2,mg/dL,mg/dL,99 +826036085,3352230,1987,3,RBC,2.89,2.89,M/mcL,M/uL,2011 +824524566,3352230,30,3,RDW,14.2,14.2,%,%,91 +826791038,3352230,4369,4,bedside glucose,118.0,118,mg/dL,mg/dL,4369 +825692450,3352230,3407,3,Hgb,8.8,8.8,g/dL,g/dL,3419 +827476754,3352230,1349,4,bedside glucose,127.0,127,mg/dL,mg/dL,1349 +822780418,3352230,17892,1,glucose,118.0,118,mg/dL,mg/dL,17951 +826829513,3352230,44,4,bedside glucose,224.0,224,mg/dL,mg/dL,44 +826036096,3352230,1987,3,platelets x 1000,69.0,69,K/mcL,K/uL,2011 +827515111,3352230,4256,4,bedside glucose,83.0,83,mg/dL,mg/dL,4256 +824524569,3352230,30,3,platelets x 1000,84.0,84,K/mcL,K/uL,91 +827181979,3352230,5656,4,bedside glucose,114.0,114,mg/dL,mg/dL,5656 +825692453,3352230,3407,3,MCH,30.0,30,pg,pg,3419 +829114758,3352230,1141,7,FiO2,60.0,60,%,%,1141 +826004274,3352230,1078,3,PT - INR,1.2,1.20,ratio,,1101 +829114759,3352230,1141,7,paO2,83.0,83.0,mm Hg,mmHg,1141 +829009919,3352230,190,7,paO2,183.0,183.0,mm Hg,mmHg,190 +829114755,3352230,1141,7,HCO3,25.1,25.1,mmol/L,mmol/L,1141 +826004273,3352230,1078,3,PT,12.1,12.1,sec,sec,1101 +829114766,3352230,1141,7,Base Excess,1.0,1.0,mEq/L,mmol/L,1141 +826036095,3352230,1987,3,MCHC,34.0,34,g/dL,%,2011 +829114761,3352230,1141,7,pH,7.439,7.439,,,1141 +825516335,3352230,1078,3,PTT,28.0,28,sec,sec,1101 +829114764,3352230,1141,7,Spontaneous Rate,0.0,0,/min,Breaths,1141 +822682415,3352230,30,1,BUN,15.0,15,mg/dL,mg/dL,99 +829114757,3352230,1141,7,Vent Rate,14.0,14,/min,/Min,1141 +826830174,3352230,5347,4,bedside glucose,108.0,108,mg/dL,mg/dL,5347 +829114765,3352230,1141,7,O2 Sat (%),97.0,97.0,%,%,1141 +825692447,3352230,3407,3,RBC,2.91,2.91,M/mcL,M/uL,3419 +829114760,3352230,1141,7,paCO2,37.0,37.0,mm Hg,mmHg,1141 +824143869,3352230,6706,1,magnesium,2.3,2.3,mg/dL,mg/dL,6759 +827235342,3352230,8354,4,bedside glucose,112.0,112,mg/dL,mg/dL,8354 +829009918,3352230,190,7,HCO3,20.8,20.8,mmol/L,mmol/L,190 +829114756,3352230,1141,7,TV,600.0,600,mls,mL,1141 +822898088,3352230,1135,1,potassium,3.7,3.7,mmol/L,mmol/L,1176 +830005459,3352230,1141,7,PEEP,12.0,12,cm H2O,cm/H2O,1141 +826036083,3352230,1987,3,MPV,9.9,9.9,fL,fL,2011 +825626569,3352230,9963,3,ESR,90.0,90,mm/hr,mm/hr,10049 +825918018,3352230,5212,3,MCH,29.0,29,pg,pg,5228 +829273665,3352230,-201,7,O2 Sat (%),100.0,100.0,%,%,-201 +829323389,3352230,2686,7,Spontaneous Rate,30.0,30,/min,Breaths,2686 +829273663,3352230,-201,7,paCO2,43.5,43.5,mm Hg,mmHg,-201 +825918013,3352230,5212,3,WBC x 1000,15.3,15.3,K/mcL,K/uL,5228 +829273664,3352230,-201,7,pH,7.35,7.350,,,-201 +825692446,3352230,3407,3,MPV,8.5,8.5,fL,fL,3419 +829273662,3352230,-201,7,paO2,286.0,286.0,mm Hg,mmHg,-201 +825918014,3352230,5212,3,RBC,3.15,3.15,M/mcL,M/uL,5228 +829273661,3352230,-201,7,HCO3,24.0,24.0,mmol/L,mmol/L,-201 +824524565,3352230,30,3,WBC x 1000,19.6,19.6,K/mcL,K/uL,91 +829110557,3352230,138,7,pH,7.24,7.240,,,138 +825918015,3352230,5212,3,Hgb,9.3,9.3,g/dL,g/dL,5228 +829245059,3352230,-128,7,HCO3,21.6,21.6,mmol/L,mmol/L,-128 +826036093,3352230,1987,3,MCH,30.0,30,pg,pg,2011 +829923733,3352230,159,7,paO2,180.0,180.0,mm Hg,mmHg,159 +825918016,3352230,5212,3,Hct,28.0,28,%,%,5228 +829110558,3352230,138,7,O2 Sat (%),61.0,61.0,%,%,138 +829323386,3352230,2686,7,pH,7.457,7.457,,,2686 +829872092,3352230,127,7,paO2,58.0,58.0,mm Hg,mmHg,127 +825918020,3352230,5212,3,RDW,14.3,14.3,%,%,5228 +829110554,3352230,138,7,HCO3,22.3,22.3,mmol/L,mmol/L,138 +824708643,3352230,576,3,Hgb,9.5,9.5,g/dL,g/dL,597 +829872093,3352230,127,7,paCO2,44.6,44.6,mm Hg,mmHg,127 +825918019,3352230,5212,3,MCHC,33.0,33,g/dL,%,5228 +829245062,3352230,-128,7,pH,7.299,7.299,,,-128 +829009920,3352230,190,7,paCO2,37.9,37.9,mm Hg,mmHg,190 +829872094,3352230,127,7,pH,7.268,7.268,,,127 +825918017,3352230,5212,3,MCV,89.0,89,fL,fL,5228 +829245061,3352230,-128,7,paCO2,43.9,43.9,mm Hg,mmHg,-128 +825692448,3352230,3407,3,Hct,26.0,26,%,%,3419 +829923734,3352230,159,7,paCO2,48.6,48.6,mm Hg,mmHg,159 +822781398,3352230,6706,1,calcium,8.6,8.6,mg/dL,mg/dL,6759 +829940154,3352230,-341,7,HCO3,26.1,26.1,mmol/L,mmol/L,-341 +829323385,3352230,2686,7,paCO2,36.6,36.6,mm Hg,mmHg,2686 +829245064,3352230,-128,7,Base Excess,-5.0,-5.0,mEq/L,mmol/L,-128 +825918021,3352230,5212,3,platelets x 1000,174.0,174,K/mcL,K/uL,5228 +829940157,3352230,-341,7,pH,7.307,7.307,,,-341 +824708642,3352230,576,3,MCV,88.0,88,fL,fL,597 +829923732,3352230,159,7,HCO3,20.8,20.8,mmol/L,mmol/L,159 +822781399,3352230,6706,1,anion gap,10.0,10,,,6759 +829756830,3352230,-242,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-242 +822780409,3352230,17892,1,calcium,8.8,8.8,mg/dL,mg/dL,17951 +829245060,3352230,-128,7,paO2,82.0,82.0,mm Hg,mmHg,-128 +825918022,3352230,5212,3,MPV,8.3,8.3,fL,fL,5228 +829940155,3352230,-341,7,paO2,376.0,376.0,mm Hg,mmHg,-341 +826036094,3352230,1987,3,-monos,10.0,10,%,%,2011 +829923735,3352230,159,7,pH,7.239,7.239,,,159 +822781396,3352230,6706,1,creatinine,1.1,1.10,mg/dL,mg/dL,6759 +829940156,3352230,-341,7,paCO2,52.2,52.2,mm Hg,mmHg,-341 +829323384,3352230,2686,7,paO2,109.0,109.0,mm Hg,mmHg,2686 +829110556,3352230,138,7,paCO2,51.1,51.1,mm Hg,mmHg,138 +825556442,3352230,9565,3,platelets x 1000,371.0,371,K/mcL,K/uL,9585 +829940158,3352230,-341,7,O2 Sat (%),100.0,100.0,%,%,-341 +824708647,3352230,576,3,MCHC,34.0,34,g/dL,%,597 +829923736,3352230,159,7,O2 Sat (%),99.0,99.0,%,%,159 +822781397,3352230,6706,1,glucose,114.0,114,mg/dL,mg/dL,6759 +829940159,3352230,-341,7,Base Excess,0.0,0.0,mEq/L,mmol/L,-341 +827517139,3352230,4550,4,bedside glucose,144.0,144,mg/dL,mg/dL,4550 +829110555,3352230,138,7,paO2,35.0,35.0,mm Hg,mmHg,138 +825556443,3352230,9565,3,MPV,7.4,7.4,fL,fL,9585 +827163935,3352230,6787,4,bedside glucose,105.0,105,mg/dL,mg/dL,6787 +825692449,3352230,3407,3,MCV,89.0,89,fL,fL,3419 +827049187,3352230,6593,4,bedside glucose,123.0,123,mg/dL,mg/dL,6593 +822781393,3352230,6706,1,chloride,98.0,98,mmol/L,mmol/L,6759 +827209510,3352230,457,4,bedside glucose,151.0,151,mg/dL,mg/dL,457 +829323383,3352230,2686,7,FiO2,40.0,40,%,%,2686 +829872095,3352230,127,7,O2 Sat (%),88.0,88.0,%,%,127 +825556440,3352230,9565,3,MCHC,33.0,33,g/dL,%,9585 +829974441,3352230,-242,7,HCO3,23.2,23.2,mmol/L,mmol/L,-242 +824708648,3352230,576,3,platelets x 1000,52.0,52,K/mcL,K/uL,597 +827093993,3352230,809,4,bedside glucose,122.0,122,mg/dL,mg/dL,809 +822781392,3352230,6706,1,potassium,4.5,4.5,mmol/L,mmol/L,6759 +830006654,3352230,312,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,312 +824524562,3352230,30,3,Hct,28.0,28,%,%,91 +829110559,3352230,138,7,Base Excess,-5.0,-5.0,mEq/L,mmol/L,138 +825556441,3352230,9565,3,RDW,14.3,14.3,%,%,9585 +830006653,3352230,312,7,O2 Sat (%),97.0,97.0,%,%,312 +825337414,3352230,17892,3,RDW,14.4,14.4,%,%,17927 +826036087,3352230,1987,3,Hct,26.0,26,%,%,2011 +826219591,3352230,34,3,PT,13.2,13.2,sec,sec,94 +825337416,3352230,17892,3,MPV,6.8,6.8,fL,fL,17927 +822781394,3352230,6706,1,bicarbonate,26.0,26,mmol/L,mmol/L,6759 +830006651,3352230,312,7,pH,7.391,7.391,,,312 +825337407,3352230,17892,3,WBC x 1000,12.5,12.5,K/mcL,K/uL,17927 +829323382,3352230,2686,7,TV,403.0,403,mls,mL,2686 +829872091,3352230,127,7,HCO3,20.7,20.7,mmol/L,mmol/L,127 +825337408,3352230,17892,3,RBC,3.12,3.12,M/mcL,M/uL,17927 +825556439,3352230,9565,3,MCH,30.0,30,pg,pg,9585 +830006650,3352230,312,7,paCO2,36.3,36.3,mm Hg,mmHg,312 +825337409,3352230,17892,3,Hgb,9.0,9.0,g/dL,g/dL,17927 +824708640,3352230,576,3,RBC,3.16,3.16,M/mcL,M/uL,597 +829594399,3352230,-302,7,HCO3,24.3,24.3,mmol/L,mmol/L,-302 +825337410,3352230,17892,3,Hct,28.0,28,%,%,17927 +827423289,3352230,946,4,bedside glucose,106.0,106,mg/dL,mg/dL,946 +829974443,3352230,-242,7,paCO2,46.1,46.1,mm Hg,mmHg,-242 +825502590,3352230,13565,3,platelets x 1000,481.0,481,K/mcL,K/uL,13608 +829009921,3352230,190,7,pH,7.341,7.341,,,190 +829273666,3352230,-201,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,-201 +825390146,3352230,16482,3,platelets x 1000,495.0,495,K/mcL,K/uL,16515 +824789886,3352230,6706,3,RBC,3.44,3.44,M/mcL,M/uL,6737 +830006649,3352230,312,7,paO2,93.0,93.0,mm Hg,mmHg,312 +825502589,3352230,13565,3,RDW,14.2,14.2,%,%,13608 +825476944,3352230,576,3,PT,12.4,12.4,sec,sec,765 +827472351,3352230,7811,4,CRP,14.02,14.02,mg/dL,mg/dL,9858 +825337411,3352230,17892,3,MCV,89.0,89,fL,fL,17927 +825556438,3352230,9565,3,MCV,89.0,89,fL,fL,9585 +827250318,3352230,8882,4,bedside glucose,109.0,109,mg/dL,mg/dL,8882 +829323381,3352230,2686,7,HCO3,25.9,25.9,mmol/L,mmol/L,2686 +829923737,3352230,159,7,Base Excess,-7.0,-7.0,mEq/L,mmol/L,159 +825337412,3352230,17892,3,MCH,29.0,29,pg,pg,17927 +824789885,3352230,6706,3,WBC x 1000,16.0,16.0,K/mcL,K/uL,6737 +829974445,3352230,-242,7,O2 Sat (%),100.0,100.0,%,%,-242 +825502588,3352230,13565,3,MCHC,33.0,33,g/dL,%,13608 +824708641,3352230,576,3,Hct,28.0,28,%,%,597 +829594401,3352230,-302,7,paCO2,52.6,52.6,mm Hg,mmHg,-302 +825337419,3352230,17892,3,-eos,0.0,0,%,%,18039 +822781391,3352230,6706,1,sodium,134.0,134,mmol/L,mmol/L,6759 +827228747,3352230,6031,4,bedside glucose,118.0,118,mg/dL,mg/dL,6031 +825502591,3352230,13565,3,MPV,7.1,7.1,fL,fL,13608 +826743582,3352230,2958,4,bedside glucose,127.0,127,mg/dL,mg/dL,2958 +829245063,3352230,-128,7,O2 Sat (%),95.0,95.0,%,%,-128 +825502587,3352230,13565,3,MCH,30.0,30,pg,pg,13608 +824789887,3352230,6706,3,Hgb,10.1,10.1,g/dL,g/dL,6737 +830006648,3352230,312,7,HCO3,22.0,22.0,mmol/L,mmol/L,312 +825337418,3352230,17892,3,-monos,8.0,8,%,%,18039 +826036092,3352230,1987,3,RDW,14.4,14.4,%,%,2011 +826064559,3352230,34,3,PTT,31.0,31,sec,sec,94 +825337413,3352230,17892,3,MCHC,32.0,32,g/dL,%,17927 +826847028,3352230,2686,4,bedside glucose,134.0,134,mg/dL,mg/dL,2686 +826274309,3352230,324,3,PTT,33.0,33,sec,sec,347 +825337415,3352230,17892,3,platelets x 1000,478.0,478,K/mcL,K/uL,17927 +825556434,3352230,9565,3,WBC x 1000,18.9,18.9,K/mcL,K/uL,9585 +829872096,3352230,127,7,Base Excess,-7.0,-7.0,mEq/L,mmol/L,127 +825502583,3352230,13565,3,RBC,3.23,3.23,M/mcL,M/uL,13608 +829323379,3352230,2686,7,PEEP,5.0,5,cm H2O,cm/H2O,2686 +829974442,3352230,-242,7,paO2,309.0,309.0,mm Hg,mmHg,-242 +825337417,3352230,17892,3,-lymphs,15.0,15,%,%,18039 +828971414,3352230,2505,7,pH,7.473,7.473,,,2505 +829594400,3352230,-302,7,paO2,286.0,286.0,mm Hg,mmHg,-302 +825502582,3352230,13565,3,WBC x 1000,18.0,18.0,K/mcL,K/uL,13608 +824789888,3352230,6706,3,Hct,31.0,31,%,%,6737 +827083831,3352230,314,4,bedside glucose,157.0,157,mg/dL,mg/dL,314 +825390140,3352230,16482,3,Hgb,9.8,9.8,g/dL,g/dL,16515 +824708639,3352230,576,3,MPV,8.0,8.0,fL,fL,597 +826716374,3352230,3657,4,bedside glucose,122.0,122,mg/dL,mg/dL,3657 +825266675,3352230,12141,3,MPV,7.1,7.1,fL,fL,12183 +828971406,3352230,2505,7,PEEP,10.0,10,cm H2O,cm/H2O,2505 +827189035,3352230,5804,4,bedside glucose,134.0,134,mg/dL,mg/dL,5804 +825390143,3352230,16482,3,MCH,30.0,30,pg,pg,16515 +827509415,3352230,5264,4,bedside glucose,108.0,108,mg/dL,mg/dL,5264 +829974444,3352230,-242,7,pH,7.309,7.309,,,-242 +825266673,3352230,12141,3,RDW,14.2,14.2,%,%,12183 +829009922,3352230,190,7,O2 Sat (%),100.0,100.0,%,%,190 +827211676,3352230,17892,4,CRP,4.2,4.20,mg/dL,mg/dL,17951 +825266672,3352230,12141,3,MCHC,33.0,33,g/dL,%,12183 +823456712,3352230,16482,1,BUN,32.0,32,mg/dL,mg/dL,16545 +822920510,3352230,5212,1,calcium,8.2,8.2,mg/dL,mg/dL,5244 +825390144,3352230,16482,3,MCHC,34.0,34,g/dL,%,16515 +824789893,3352230,6706,3,platelets x 1000,229.0,229,K/mcL,K/uL,6737 +826754713,3352230,2180,4,bedside glucose,128.0,128,mg/dL,mg/dL,2180 +825266674,3352230,12141,3,platelets x 1000,464.0,464,K/mcL,K/uL,12183 +825476945,3352230,576,3,PT - INR,1.24,1.24,ratio,,765 +822920509,3352230,5212,1,glucose,115.0,115,mg/dL,mg/dL,5244 +825266668,3352230,12141,3,Hgb,10.7,10.7,g/dL,g/dL,12183 +828971410,3352230,2505,7,Vent Rate,14.0,14,/min,/Min,2505 +829594403,3352230,-302,7,O2 Sat (%),100.0,100.0,%,%,-302 +825390141,3352230,16482,3,Hct,29.0,29,%,%,16515 +825556435,3352230,9565,3,RBC,3.36,3.36,M/mcL,M/uL,9585 +828963851,3352230,946,7,pH,7.622,7.622,,,946 +825266669,3352230,12141,3,Hct,32.0,32,%,%,12183 +829323390,3352230,2686,7,O2 Sat (%),99.0,99.0,%,%,2686 +822246305,3352230,3407,1,BUN,18.0,18,mg/dL,mg/dL,3437 +825390145,3352230,16482,3,RDW,14.3,14.3,%,%,16515 +823456716,3352230,16482,1,anion gap,8.0,8,,,16545 +822997688,3352230,5212,1,magnesium,2.5,2.5,mg/dL,mg/dL,5244 +825601884,3352230,7811,3,MCH,30.0,30,pg,pg,7871 +824789890,3352230,6706,3,MCH,29.0,29,pg,pg,6737 +828997225,3352230,-86,7,paCO2,43.7,43.7,mm Hg,mmHg,-86 +825266670,3352230,12141,3,MCV,89.0,89,fL,fL,12183 +824708644,3352230,576,3,WBC x 1000,16.7,16.7,K/mcL,K/uL,597 +828963855,3352230,946,7,Base Excess,5.0,5.0,mEq/L,mmol/L,946 +825601883,3352230,7811,3,MCV,89.0,89,fL,fL,7871 +828971412,3352230,2505,7,paO2,121.0,121.0,mm Hg,mmHg,2505 +822246297,3352230,3407,1,potassium,4.2,4.2,mmol/L,mmol/L,3437 +825502586,3352230,13565,3,MCV,90.0,90,fL,fL,13608 +822781395,3352230,6706,1,BUN,23.0,23,mg/dL,mg/dL,6759 +822920506,3352230,5212,1,bicarbonate,29.0,29,mmol/L,mmol/L,5244 +825601885,3352230,7811,3,MCHC,34.0,34,g/dL,%,7871 +824524564,3352230,30,3,Hgb,9.1,9.1,g/dL,g/dL,91 +826219592,3352230,34,3,PT - INR,1.33,1.33,ratio,,94 +825390138,3352230,16482,3,WBC x 1000,16.5,16.5,K/mcL,K/uL,16515 +823456715,3352230,16482,1,calcium,9.4,9.4,mg/dL,mg/dL,16545 +828963844,3352230,946,7,PEEP,12.0,12,cm H2O,cm/H2O,946 +825601886,3352230,7811,3,RDW,13.8,13.8,%,%,7871 +824789889,3352230,6706,3,MCV,90.0,90,fL,fL,6737 +822246298,3352230,3407,1,creatinine,1.11,1.11,mg/dL,mg/dL,3437 +825266666,3352230,12141,3,WBC x 1000,16.7,16.7,K/mcL,K/uL,12183 +826036084,3352230,1987,3,-lymphs,10.0,10,%,%,2011 +822920508,3352230,5212,1,creatinine,1.09,1.09,mg/dL,mg/dL,5244 +825601881,3352230,7811,3,Hgb,9.9,9.9,g/dL,g/dL,7871 +828971419,3352230,2505,7,Base Excess,2.0,2.0,mEq/L,mmol/L,2505 +828997226,3352230,-86,7,pH,7.271,7.271,,,-86 +825266671,3352230,12141,3,MCH,30.0,30,pg,pg,12183 +825556436,3352230,9565,3,Hgb,9.9,9.9,g/dL,g/dL,9585 +828963846,3352230,946,7,HCO3,26.2,26.2,mmol/L,mmol/L,946 +825601882,3352230,7811,3,Hct,29.0,29,%,%,7871 +829323391,3352230,2686,7,Base Excess,2.0,2.0,mEq/L,mmol/L,2686 +822246302,3352230,3407,1,calcium,7.9,7.9,mg/dL,mg/dL,3437 +825502584,3352230,13565,3,Hgb,9.6,9.6,g/dL,g/dL,13608 +823456708,3352230,16482,1,sodium,136.0,136,mmol/L,mmol/L,16545 +822920507,3352230,5212,1,BUN,23.0,23,mg/dL,mg/dL,5244 +825601887,3352230,7811,3,platelets x 1000,275.0,275,K/mcL,K/uL,7871 +824789891,3352230,6706,3,MCHC,33.0,33,g/dL,%,6737 +829594402,3352230,-302,7,pH,7.273,7.273,,,-302 +823242432,3352230,1987,1,anion gap,5.0,5,,,2031 +824708645,3352230,576,3,RDW,14.1,14.1,%,%,597 +828963848,3352230,946,7,FiO2,100.0,100,%,%,946 +825390139,3352230,16482,3,RBC,3.27,3.27,M/mcL,M/uL,16515 +828971408,3352230,2505,7,HCO3,25.7,25.7,mmol/L,mmol/L,2505 +822362587,3352230,1987,1,phosphate,3.1,3.1,mg/dL,mg/dL,2031 +823545798,3352230,1987,1,magnesium,2.1,2.1,mg/dL,mg/dL,2031 +827532025,3352230,8127,4,bedside glucose,129.0,129,mg/dL,mg/dL,8127 +822920503,3352230,5212,1,sodium,136.0,136,mmol/L,mmol/L,5244 +823242431,3352230,1987,1,creatinine,1.2,1.20,mg/dL,mg/dL,2031 +829009923,3352230,190,7,Base Excess,-5.0,-5.0,mEq/L,mmol/L,190 +828997224,3352230,-86,7,paO2,78.0,78.0,mm Hg,mmHg,-86 +825601879,3352230,7811,3,WBC x 1000,15.7,15.7,K/mcL,K/uL,7871 +823456714,3352230,16482,1,glucose,109.0,109,mg/dL,mg/dL,16545 +829746629,3352230,-385,7,HCO3,23.6,23.6,mmol/L,mmol/L,-385 +824008924,3352230,576,1,BUN,14.0,14,mg/dL,mg/dL,620 +824789892,3352230,6706,3,RDW,14.1,14.1,%,%,6737 +822246303,3352230,3407,1,glucose,111.0,111,mg/dL,mg/dL,3437 +823242433,3352230,1987,1,sodium,136.0,136,mmol/L,mmol/L,2031 +825673032,3352230,1987,3,PTT,26.0,26,sec,sec,2036 +828963854,3352230,946,7,O2 Sat (%),100.0,100.0,%,%,946 +825266667,3352230,12141,3,RBC,3.6,3.60,M/mcL,M/uL,12183 +828971417,3352230,2505,7,Spontaneous Rate,0.0,0,/min,Breaths,2505 +827471146,3352230,9339,4,bedside glucose,109.0,109,mg/dL,mg/dL,9339 +824008923,3352230,576,1,chloride,108.0,108,mmol/L,mmol/L,620 +825556437,3352230,9565,3,Hct,30.0,30,%,%,9585 +829746631,3352230,-385,7,paCO2,43.4,43.4,mm Hg,mmHg,-385 +823242434,3352230,1987,1,bicarbonate,26.0,26,mmol/L,mmol/L,2031 +827120957,3352230,3412,4,bedside glucose,114.0,114,mg/dL,mg/dL,3412 +822246304,3352230,3407,1,chloride,105.0,105,mmol/L,mmol/L,3437 +825601880,3352230,7811,3,RBC,3.24,3.24,M/mcL,M/uL,7871 +823456710,3352230,16482,1,chloride,99.0,99,mmol/L,mmol/L,16545 +822920505,3352230,5212,1,chloride,101.0,101,mmol/L,mmol/L,5244 +824008916,3352230,576,1,potassium,4.1,4.1,mmol/L,mmol/L,620 +824789894,3352230,6706,3,MPV,8.1,8.1,fL,fL,6737 +828997227,3352230,-86,7,O2 Sat (%),94.0,94.0,%,%,-86 +823221808,3352230,576,1,triglycerides,173.0,173,mg/dL,mg/dL,620 +824708646,3352230,576,3,MCH,30.0,30,pg,pg,597 +829746630,3352230,-385,7,paO2,161.0,161.0,mm Hg,mmHg,-385 +825390142,3352230,16482,3,MCV,89.0,89,fL,fL,16515 +828971409,3352230,2505,7,TV,600.0,600,mls,mL,2505 +822246300,3352230,3407,1,sodium,137.0,137,mmol/L,mmol/L,3437 +824008922,3352230,576,1,glucose,138.0,138,mg/dL,mg/dL,620 +823177106,3352230,7811,1,calcium,8.6,8.6,mg/dL,mg/dL,7888 +828963847,3352230,946,7,Vent Rate,14.0,14,/min,/Min,946 +823242435,3352230,1987,1,calcium,7.6,7.6,mg/dL,mg/dL,2031 +823456709,3352230,16482,1,potassium,4.6,4.6,mmol/L,mmol/L,16545 +829594404,3352230,-302,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-302 +826865443,3352230,5017,4,bedside glucose,128.0,128,mg/dL,mg/dL,5017 +823177105,3352230,7811,1,glucose,97.0,97,mg/dL,mg/dL,7888 +829746634,3352230,-385,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,-385 +824008920,3352230,576,1,bicarbonate,24.0,24,mmol/L,mmol/L,620 +828971411,3352230,2505,7,FiO2,40.0,40,%,%,2505 +822246301,3352230,3407,1,bicarbonate,27.0,27,mmol/L,mmol/L,3437 +823242438,3352230,1987,1,BUN,12.0,12,mg/dL,mg/dL,2031 +823177103,3352230,7811,1,BUN,25.0,25,mg/dL,mg/dL,7888 +822920511,3352230,5212,1,anion gap,6.0,6,,,5244 +825502585,3352230,13565,3,Hct,29.0,29,%,%,13608 +823456711,3352230,16482,1,bicarbonate,29.0,29,mmol/L,mmol/L,16545 +828997228,3352230,-86,7,Base Excess,-7.0,-7.0,mEq/L,mmol/L,-86 +824008918,3352230,576,1,anion gap,5.0,5,,,620 +823177102,3352230,7811,1,bicarbonate,30.0,30,mmol/L,mmol/L,7888 +829746632,3352230,-385,7,pH,7.343,7.343,,,-385 +823242437,3352230,1987,1,chloride,105.0,105,mmol/L,mmol/L,2031 +828971413,3352230,2505,7,paCO2,35.1,35.1,mm Hg,mmHg,2505 +822246299,3352230,3407,1,anion gap,5.0,5,,,3437 +825601888,3352230,7811,3,MPV,8.1,8.1,fL,fL,7871 +823177100,3352230,7811,1,potassium,4.1,4.1,mmol/L,mmol/L,7888 +828963849,3352230,946,7,paO2,178.0,178.0,mm Hg,mmHg,946 +824008921,3352230,576,1,calcium,7.8,7.8,mg/dL,mg/dL,620 +823456713,3352230,16482,1,creatinine,1.55,1.55,mg/dL,mg/dL,16545 +827509353,3352230,7962,4,bedside glucose,121.0,121,mg/dL,mg/dL,7962 +823242430,3352230,1987,1,potassium,4.0,4.0,mmol/L,mmol/L,2031 +823177101,3352230,7811,1,chloride,98.0,98,mmol/L,mmol/L,7888 +829746633,3352230,-385,7,O2 Sat (%),99.0,99.0,%,%,-385 +826875684,3352230,3991,4,bedside glucose,129.0,129,mg/dL,mg/dL,3991 +828971418,3352230,2505,7,O2 Sat (%),99.0,99.0,%,%,2505 +827500096,3352230,8677,4,bedside glucose,134.0,134,mg/dL,mg/dL,8677 +824008917,3352230,576,1,creatinine,1.18,1.18,mg/dL,mg/dL,620 +823159784,3352230,12141,1,CPK,124.0,124,Units/L,IU/L,12212 +822920504,3352230,5212,1,potassium,4.1,4.1,mmol/L,mmol/L,5244 +822144375,3352230,1591,1,potassium,4.0,4.0,mmol/L,mmol/L,1635 +825062697,3352230,17892,3,ESR,80.0,80,mm/hr,mm/hr,17989 +828997223,3352230,-86,7,HCO3,20.3,20.3,mmol/L,mmol/L,-86 +825337420,3352230,17892,3,-basos,0.0,0,%,%,17927 +823177099,3352230,7811,1,sodium,137.0,137,mmol/L,mmol/L,7888 +827468286,3352230,1845,4,bedside glucose,146.0,146,mg/dL,mg/dL,1845 +824008919,3352230,576,1,sodium,137.0,137,mmol/L,mmol/L,620 +826831253,3352230,1987,4,BNP,295.0,295,pg/mL,pg/mL,2061 +827349833,3352230,7222,4,bedside glucose,159.0,159,mg/dL,mg/dL,7222 +823242436,3352230,1987,1,glucose,134.0,134,mg/dL,mg/dL,2031 +823177098,3352230,7811,1,anion gap,9.0,9,,,7888 +828963850,3352230,946,7,paCO2,25.3,25.3,mm Hg,mmHg,946 +826443383,3352230,576,3,PTT,42.0,42,sec,sec,606 +824408335,3352230,17892,1,CPK,82.0,82,Units/L,IU/L,17951 +827101875,3352230,1141,4,bedside glucose,116.0,116,mg/dL,mg/dL,1141 +823177104,3352230,7811,1,creatinine,1.23,1.23,mg/dL,mg/dL,7888 +826971580,3352230,5515,4,bedside glucose,134.0,134,mg/dL,mg/dL,5515 +826712001,3352230,583,4,bedside glucose,132.0,132,mg/dL,mg/dL,583 +826918731,3352230,6689,4,bedside glucose,127.0,127,mg/dL,mg/dL,6689 +825390147,3352230,16482,3,MPV,7.0,7.0,fL,fL,16515 +638577731,2694459,-681,1,AST (SGOT),115.0,115,Units/L,U/L,-681 +628729889,2694459,-1721,1,total bilirubin,4.0,4.0,mg/dL,mg/dL,-1721 +649705532,2694459,10870,3,RDW,12.4,12.4,%,%,10870 +629103080,2694459,7958,1,glucose,100.0,100,mg/dL,mg/dL,7958 +649705531,2694459,10870,3,platelets x 1000,274.0,274,K/mcL,K/uL,10870 +638577730,2694459,-681,1,anion gap,9.0,9,,mmol/L,-681 +649705533,2694459,10870,3,-eos,2.0,2,%,%,10870 +644567880,2694459,16611,1,anion gap,12.0,12,,mmol/L,16611 +649705524,2694459,10870,3,WBC x 1000,6.3,6.3,K/mcL,K/uL,10870 +628729890,2694459,-1721,1,potassium,3.3,3.3,mmol/L,mmol/L,-1721 +649705526,2694459,10870,3,Hgb,12.9,12.9,g/dL,g/dL,10870 +629103081,2694459,7958,1,BUN,4.0,4,mg/dL,mg/dL,7958 +649705525,2694459,10870,3,RBC,3.79,3.79,M/mcL,M/uL,10870 +638577732,2694459,-681,1,sodium,136.0,136,mmol/L,mmol/L,-681 +649705527,2694459,10870,3,Hct,38.4,38.4,%,%,10870 +644567877,2694459,16611,1,potassium,3.9,3.9,mmol/L,mmol/L,16611 +649705528,2694459,10870,3,MCV,101.0,101,fL,fL,10870 +628729891,2694459,-1721,1,creatinine,0.44,0.44,mg/dL,mg/dL,-1721 +649705529,2694459,10870,3,MCH,34.0,34.0,pg,pg,10870 +629103079,2694459,7958,1,anion gap,10.0,10,,mmol/L,7958 +649705530,2694459,10870,3,MCHC,33.6,33.6,g/dL,g/dL,10870 +638577740,2694459,-681,1,BUN,7.0,7,mg/dL,mg/dL,-681 +624617903,2694459,13744,1,lipase,525.0,525,Units/L,U/L,13744 +649705534,2694459,10870,3,-basos,2.0,2,%,%,10870 +644567878,2694459,16611,1,chloride,106.0,106,mmol/L,mmol/L,16611 +625923451,2694459,5081,1,creatinine,0.47,0.47,mg/dL,mg/dL,5081 +628729892,2694459,-1721,1,alkaline phos.,135.0,135,Units/L,U/L,-1721 +625923450,2694459,5081,1,BUN,2.0,2,mg/dL,mg/dL,5081 +629103089,2694459,7958,1,AST (SGOT),81.0,81,Units/L,U/L,7958 +625923444,2694459,5081,1,sodium,140.0,140,mmol/L,mmol/L,5081 +638577739,2694459,-681,1,chloride,101.0,101,mmol/L,mmol/L,-681 +625923445,2694459,5081,1,potassium,3.7,3.7,mmol/L,mmol/L,5081 +644567879,2694459,16611,1,bicarbonate,26.0,26,mmol/L,mmol/L,16611 +625923446,2694459,5081,1,chloride,107.0,107,mmol/L,mmol/L,5081 +628729903,2694459,-1721,1,BUN,8.0,8,mg/dL,mg/dL,-1721 +625923457,2694459,5081,1,ALT (SGPT),84.0,84,Units/L,U/L,5081 +629103086,2694459,7958,1,total protein,7.4,7.4,g/dL,g/dL,7958 +625923448,2694459,5081,1,anion gap,11.0,11,,mmol/L,5081 +638577726,2694459,-681,1,total bilirubin,2.6,2.6,mg/dL,mg/dL,-681 +625923458,2694459,5081,1,AST (SGOT),109.0,109,Units/L,U/L,5081 +644567881,2694459,16611,1,glucose,103.0,103,mg/dL,mg/dL,16611 +625923456,2694459,5081,1,alkaline phos.,88.0,88,Units/L,U/L,5081 +628729901,2694459,-1721,1,glucose,120.0,120,mg/dL,mg/dL,-1721 +630073333,2694459,15137,1,sodium,139.0,139,mmol/L,mmol/L,15137 +629103075,2694459,7958,1,sodium,138.0,138,mmol/L,mmol/L,7958 +625923447,2694459,5081,1,bicarbonate,26.0,26,mmol/L,mmol/L,5081 +638577736,2694459,-681,1,calcium,8.2,8.2,mg/dL,mg/dL,-681 +630073334,2694459,15137,1,potassium,3.9,3.9,mmol/L,mmol/L,15137 +644568131,2694459,16611,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,16611 +625923449,2694459,5081,1,glucose,100.0,100,mg/dL,mg/dL,5081 +628729893,2694459,-1721,1,anion gap,13.0,13,,mmol/L,-1721 +630073335,2694459,15137,1,chloride,104.0,104,mmol/L,mmol/L,15137 +629103085,2694459,7958,1,albumin,3.2,3.2,g/dL,g/dL,7958 +625923453,2694459,5081,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,5081 +638577727,2694459,-681,1,potassium,3.2,3.2,mmol/L,mmol/L,-681 +630073346,2694459,15137,1,ALT (SGPT),113.0,113,Units/L,U/L,15137 +644567882,2694459,16611,1,BUN,12.0,12,mg/dL,mg/dL,16611 +625923455,2694459,5081,1,total protein,6.9,6.9,g/dL,g/dL,5081 +628729900,2694459,-1721,1,ALT (SGPT),112.0,112,Units/L,U/L,-1721 +630073341,2694459,15137,1,calcium,9.2,9.2,mg/dL,mg/dL,15137 +629103087,2694459,7958,1,alkaline phos.,99.0,99,Units/L,U/L,7958 +625923452,2694459,5081,1,calcium,8.9,8.9,mg/dL,mg/dL,5081 +638577728,2694459,-681,1,creatinine,0.39,0.39,mg/dL,mg/dL,-681 +652705677,2694459,-681,3,MCH,33.8,33.8,pg,pg,-681 +644567876,2694459,16611,1,sodium,140.0,140,mmol/L,mmol/L,16611 +630073345,2694459,15137,1,alkaline phos.,99.0,99,Units/L,U/L,15137 +628729902,2694459,-1721,1,chloride,90.0,90,mmol/L,mmol/L,-1721 +652705678,2694459,-681,3,MCHC,34.3,34.3,g/dL,g/dL,-681 +629103076,2694459,7958,1,potassium,3.5,3.5,mmol/L,mmol/L,7958 +625923454,2694459,5081,1,albumin,2.9,2.9,g/dL,g/dL,5081 +638577738,2694459,-681,1,glucose,98.0,98,mg/dL,mg/dL,-681 +657428065,2694459,15137,3,Hct,39.9,39.9,%,%,15137 +644567883,2694459,16611,1,creatinine,0.5,0.50,mg/dL,mg/dL,16611 +630073336,2694459,15137,1,bicarbonate,28.0,28,mmol/L,mmol/L,15137 +628729898,2694459,-1721,1,total protein,8.6,8.6,g/dL,g/dL,-1721 +652705679,2694459,-681,3,platelets x 1000,66.0,66,K/mcL,K/uL,-681 +665119269,2694459,-1721,3,RDW,12.8,12.8,%,%,-1721 +641203421,2694459,3656,1,calcium,8.5,8.5,mg/dL,mg/dL,3656 +629103082,2694459,7958,1,creatinine,0.47,0.47,mg/dL,mg/dL,7958 +657428070,2694459,15137,3,RDW,12.9,12.9,%,%,15137 +638577737,2694459,-681,1,ALT (SGPT),68.0,68,Units/L,U/L,-681 +628325349,2694459,13744,1,magnesium,1.8,1.8,mg/dL,mg/dL,13744 +665119270,2694459,-1721,3,MCH,35.3,35.3,pg,pg,-1721 +630073339,2694459,15137,1,BUN,9.0,9,mg/dL,mg/dL,15137 +644568133,2694459,16611,1,total protein,7.6,7.6,g/dL,g/dL,16611 +652705671,2694459,-681,3,Hct,39.1,39.1,%,%,-681 +628729896,2694459,-1721,1,albumin,3.9,3.9,g/dL,g/dL,-1721 +628269347,2694459,6516,1,ALT (SGPT),91.0,91,Units/L,U/L,6516 +665119271,2694459,-1721,3,MCHC,36.3,36.3,g/dL,g/dL,-1721 +641203417,2694459,3656,1,anion gap,13.0,13,,mmol/L,3656 +629103084,2694459,7958,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,7958 +657428068,2694459,15137,3,MCHC,33.8,33.8,g/dL,g/dL,15137 +638577735,2694459,-681,1,total protein,6.5,6.5,g/dL,g/dL,-681 +628269346,2694459,6516,1,alkaline phos.,102.0,102,Units/L,U/L,6516 +665119272,2694459,-1721,3,platelets x 1000,89.0,89,K/mcL,K/uL,-1721 +630073338,2694459,15137,1,glucose,96.0,96,mg/dL,mg/dL,15137 +644568135,2694459,16611,1,ALT (SGPT),112.0,112,Units/L,U/L,16611 +652705672,2694459,-681,3,-eos,1.0,1,%,%,-681 +628729899,2694459,-1721,1,calcium,9.3,9.3,mg/dL,mg/dL,-1721 +628269343,2694459,6516,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,6516 +665119265,2694459,-1721,3,-eos,0.0,0,%,%,-1721 +641203419,2694459,3656,1,BUN,4.0,4,mg/dL,mg/dL,3656 +629103083,2694459,7958,1,calcium,9.2,9.2,mg/dL,mg/dL,7958 +668248631,2694459,15137,3,RBC,3.91,3.91,M/mcL,M/uL,15137 +638577734,2694459,-681,1,bicarbonate,29.0,29,mmol/L,mmol/L,-681 +628269344,2694459,6516,1,albumin,3.1,3.1,g/dL,g/dL,6516 +665119266,2694459,-1721,3,MCV,97.0,97,fL,fL,-1721 +630073344,2694459,15137,1,total protein,7.5,7.5,g/dL,g/dL,15137 +644568136,2694459,16611,1,AST (SGOT),73.0,73,Units/L,U/L,16611 +652705674,2694459,-681,3,Hgb,13.4,13.4,g/dL,g/dL,-681 +628729895,2694459,-1721,1,sodium,132.0,132,mmol/L,mmol/L,-1721 +632735749,2694459,15137,1,magnesium,1.9,1.9,mg/dL,mg/dL,15137 +665119263,2694459,-1721,3,-basos,0.0,0,%,%,-1721 +628269342,2694459,6516,1,calcium,8.7,8.7,mg/dL,mg/dL,6516 +645245174,2694459,10870,1,albumin,3.1,3.1,g/dL,g/dL,10870 +633108997,2694459,15137,1,lipase,540.0,540,Units/L,U/L,15137 +629103077,2694459,7958,1,chloride,105.0,105,mmol/L,mmol/L,7958 +641203418,2694459,3656,1,glucose,112.0,112,mg/dL,mg/dL,3656 +645245175,2694459,10870,1,total protein,7.1,7.1,g/dL,g/dL,10870 +637243605,2694459,759,1,total bilirubin,2.6,2.6,mg/dL,mg/dL,759 +638577733,2694459,-681,1,albumin,2.8,2.8,g/dL,g/dL,-681 +657428069,2694459,15137,3,platelets x 1000,363.0,363,K/mcL,K/uL,15137 +645245169,2694459,10870,1,glucose,106.0,106,mg/dL,mg/dL,10870 +632923458,2694459,2184,1,BUN,6.0,6,mg/dL,mg/dL,2184 +665119264,2694459,-1721,3,Hct,45.4,45.4,%,%,-1721 +628269338,2694459,6516,1,anion gap,10.0,10,,mmol/L,6516 +645245171,2694459,10870,1,creatinine,0.57,0.57,mg/dL,mg/dL,10870 +637243608,2694459,759,1,alkaline phos.,90.0,90,Units/L,U/L,759 +644568132,2694459,16611,1,albumin,3.4,3.4,g/dL,g/dL,16611 +630073340,2694459,15137,1,creatinine,0.52,0.52,mg/dL,mg/dL,15137 +645245170,2694459,10870,1,BUN,6.0,6,mg/dL,mg/dL,10870 +632923457,2694459,2184,1,chloride,105.0,105,mmol/L,mmol/L,2184 +628729897,2694459,-1721,1,bicarbonate,32.0,32,mmol/L,mmol/L,-1721 +652705673,2694459,-681,3,MCV,99.0,99,fL,fL,-681 +645245168,2694459,10870,1,anion gap,10.0,10,,mmol/L,10870 +637243606,2694459,759,1,potassium,3.6,3.6,mmol/L,mmol/L,759 +665119267,2694459,-1721,3,Hgb,16.5,16.5,g/dL,g/dL,-1721 +628269348,2694459,6516,1,AST (SGOT),102.0,102,Units/L,U/L,6516 +645245176,2694459,10870,1,alkaline phos.,107.0,107,Units/L,U/L,10870 +632923454,2694459,2184,1,calcium,8.1,8.1,mg/dL,mg/dL,2184 +629103078,2694459,7958,1,bicarbonate,27.0,27,mmol/L,mmol/L,7958 +641203414,2694459,3656,1,potassium,3.4,3.4,mmol/L,mmol/L,3656 +658154852,2694459,6516,3,-basos,1.0,1,%,%,6516 +637243607,2694459,759,1,creatinine,0.39,0.39,mg/dL,mg/dL,759 +645245172,2694459,10870,1,calcium,8.7,8.7,mg/dL,mg/dL,10870 +668248630,2694459,15137,3,WBC x 1000,8.5,8.5,K/mcL,K/uL,15137 +638577729,2694459,-681,1,alkaline phos.,94.0,94,Units/L,U/L,-681 +632923455,2694459,2184,1,ALT (SGPT),67.0,67,Units/L,U/L,2184 +658154850,2694459,6516,3,RDW,12.6,12.6,%,%,6516 +628269345,2694459,6516,1,total protein,7.2,7.2,g/dL,g/dL,6516 +645245166,2694459,10870,1,chloride,107.0,107,mmol/L,mmol/L,10870 +637243616,2694459,759,1,ALT (SGPT),64.0,64,Units/L,U/L,759 +665119262,2694459,-1721,3,RBC,4.68,4.68,M/mcL,M/uL,-1721 +630073347,2694459,15137,1,AST (SGOT),77.0,77,Units/L,U/L,15137 +658154851,2694459,6516,3,-eos,4.0,4,%,%,6516 +632923453,2694459,2184,1,total protein,6.6,6.6,g/dL,g/dL,2184 +645245173,2694459,10870,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,10870 +652705675,2694459,-681,3,WBC x 1000,7.9,7.9,K/mcL,K/uL,-681 +644568134,2694459,16611,1,alkaline phos.,106.0,106,Units/L,U/L,16611 +663933614,2694459,5081,3,-eos,4.0,4,%,%,5081 +658154847,2694459,6516,3,MCH,34.2,34.2,pg,pg,6516 +628269341,2694459,6516,1,creatinine,0.49,0.49,mg/dL,mg/dL,6516 +645245167,2694459,10870,1,bicarbonate,27.0,27,mmol/L,mmol/L,10870 +637243615,2694459,759,1,calcium,8.3,8.3,mg/dL,mg/dL,759 +628729894,2694459,-1721,1,AST (SGOT),231.0,231,Units/L,U/L,-1721 +641203416,2694459,3656,1,bicarbonate,21.0,21,mmol/L,mmol/L,3656 +658154846,2694459,6516,3,MCV,101.0,101,fL,fL,6516 +663933610,2694459,5081,3,MCH,33.9,33.9,pg,pg,5081 +645245164,2694459,10870,1,sodium,140.0,140,mmol/L,mmol/L,10870 +657428066,2694459,15137,3,MCV,102.0,102,fL,fL,15137 +673280612,2694459,-1709,4,urinary specific gravity,1.025,1.025,,,-1709 +632923456,2694459,2184,1,glucose,107.0,107,mg/dL,mg/dL,2184 +658154848,2694459,6516,3,MCHC,33.9,33.9,g/dL,g/dL,6516 +628269337,2694459,6516,1,bicarbonate,26.0,26,mmol/L,mmol/L,6516 +645245178,2694459,10870,1,AST (SGOT),84.0,84,Units/L,U/L,10870 +663933611,2694459,5081,3,MCHC,33.5,33.5,g/dL,g/dL,5081 +629103088,2694459,7958,1,ALT (SGPT),86.0,86,Units/L,U/L,7958 +630073337,2694459,15137,1,anion gap,11.0,11,,mmol/L,15137 +658154844,2694459,6516,3,Hgb,13.5,13.5,g/dL,g/dL,6516 +637243619,2694459,759,1,BUN,5.0,5,mg/dL,mg/dL,759 +645245165,2694459,10870,1,potassium,3.6,3.6,mmol/L,mmol/L,10870 +652705670,2694459,-681,3,-basos,0.0,0,%,%,-681 +647000923,2694459,1418,1,potassium,4.8,4.8,mmol/L,mmol/L,1418 +662598442,2694459,13744,3,Hgb,13.6,13.6,g/dL,g/dL,13744 +658154845,2694459,6516,3,Hct,39.8,39.8,%,%,6516 +628269334,2694459,6516,1,sodium,137.0,137,mmol/L,mmol/L,6516 +645245177,2694459,10870,1,ALT (SGPT),101.0,101,Units/L,U/L,10870 +632923452,2694459,2184,1,bicarbonate,25.0,25,mmol/L,mmol/L,2184 +665119268,2694459,-1721,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,-1721 +641203415,2694459,3656,1,chloride,105.0,105,mmol/L,mmol/L,3656 +658154849,2694459,6516,3,platelets x 1000,178.0,178,K/mcL,K/uL,6516 +663933612,2694459,5081,3,platelets x 1000,142.0,142,K/mcL,K/uL,5081 +647851336,2694459,16020,1,CPK,56.0,56,Units/L,U/L,16020 +668248632,2694459,15137,3,Hgb,13.5,13.5,g/dL,g/dL,15137 +644567884,2694459,16611,1,calcium,9.0,9.0,mg/dL,mg/dL,16611 +637243610,2694459,759,1,AST (SGOT),120.0,120,Units/L,U/L,759 +658154843,2694459,6516,3,RBC,3.95,3.95,M/mcL,M/uL,6516 +642135484,2694459,3656,1,lipase,574.0,574,Units/L,U/L,3656 +670540816,2694459,759,3,PT - INR,1.2,1.2,ratio,,759 +662598440,2694459,13744,3,WBC x 1000,7.7,7.7,K/mcL,K/uL,13744 +658154842,2694459,6516,3,WBC x 1000,4.0,4.0,K/mcL,K/uL,6516 +628269335,2694459,6516,1,potassium,3.8,3.8,mmol/L,mmol/L,6516 +670540815,2694459,759,3,PT,14.8,14.8,sec,sec,759 +632923450,2694459,2184,1,sodium,137.0,137,mmol/L,mmol/L,2184 +647356440,2694459,759,1,lipase,323.0,323,Units/L,U/L,759 +642277555,2694459,10870,1,amylase,107.0,107,Units/L,U/L,10870 +651863404,2694459,759,3,-eos,2.0,2,%,%,759 +663933607,2694459,5081,3,Hgb,13.1,13.1,g/dL,g/dL,5081 +651863402,2694459,759,3,-basos,0.0,0,%,%,759 +630073342,2694459,15137,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,15137 +651863403,2694459,759,3,Hct,39.5,39.5,%,%,759 +637243611,2694459,759,1,sodium,136.0,136,mmol/L,mmol/L,759 +651863405,2694459,759,3,MCV,100.0,100,fL,fL,759 +642210142,2694459,7958,1,magnesium,1.6,1.6,mg/dL,mg/dL,7958 +651863406,2694459,759,3,Hgb,13.7,13.7,g/dL,g/dL,759 +662598441,2694459,13744,3,RBC,4.02,4.02,M/mcL,M/uL,13744 +651863401,2694459,759,3,RBC,3.94,3.94,M/mcL,M/uL,759 +652705669,2694459,-681,3,RBC,3.96,3.96,M/mcL,M/uL,-681 +651863407,2694459,759,3,WBC x 1000,6.8,6.8,K/mcL,K/uL,759 +632923449,2694459,2184,1,AST (SGOT),114.0,114,Units/L,U/L,2184 +651863408,2694459,759,3,RDW,12.9,12.9,%,%,759 +642344911,2694459,2184,1,lipase,600.0,600,Units/L,U/L,2184 +651863409,2694459,759,3,MCH,34.8,34.8,pg,pg,759 +663933608,2694459,5081,3,Hct,39.1,39.1,%,%,5081 +651863411,2694459,759,3,platelets x 1000,77.0,77,K/mcL,K/uL,759 +639723829,2694459,6516,1,lipase,745.0,745,Units/L,U/L,6516 +637816635,2694459,6516,1,magnesium,1.7,1.7,mg/dL,mg/dL,6516 +637243613,2694459,759,1,bicarbonate,22.0,22,mmol/L,mmol/L,759 +651863410,2694459,759,3,MCHC,34.7,34.7,g/dL,g/dL,759 +628269336,2694459,6516,1,chloride,105.0,105,mmol/L,mmol/L,6516 +624817752,2694459,2184,1,phosphate,1.9,1.9,mg/dL,mg/dL,2184 +662598443,2694459,13744,3,Hct,41.2,41.2,%,%,13744 +625515690,2694459,5081,1,lipase,536.0,536,Units/L,U/L,5081 +667013536,2694459,2184,3,-eos,1.0,1,%,%,2184 +630477293,2694459,7958,1,lipase,634.0,634,Units/L,U/L,7958 +632923451,2694459,2184,1,albumin,2.6,2.6,g/dL,g/dL,2184 +638106561,2694459,13744,1,ALT (SGPT),110.0,110,Units/L,U/L,13744 +641203420,2694459,3656,1,creatinine,0.44,0.44,mg/dL,mg/dL,3656 +638106562,2694459,13744,1,AST (SGOT),81.0,81,Units/L,U/L,13744 +663933613,2694459,5081,3,RDW,12.9,12.9,%,%,5081 +638106560,2694459,13744,1,alkaline phos.,90.0,90,Units/L,U/L,13744 +667013534,2694459,2184,3,-basos,1.0,1,%,%,2184 +665170354,2694459,7958,3,Hgb,13.6,13.6,g/dL,g/dL,7958 +637243612,2694459,759,1,albumin,2.8,2.8,g/dL,g/dL,759 +638106556,2694459,13744,1,calcium,9.1,9.1,mg/dL,mg/dL,13744 +657428067,2694459,15137,3,MCH,34.5,34.5,pg,pg,15137 +665170352,2694459,7958,3,WBC x 1000,4.5,4.5,K/mcL,K/uL,7958 +662598444,2694459,13744,3,MCV,103.0,103,fL,fL,13744 +638106555,2694459,13744,1,creatinine,0.5,0.50,mg/dL,mg/dL,13744 +667013535,2694459,2184,3,Hct,38.6,38.6,%,%,2184 +665170353,2694459,7958,3,RBC,3.96,3.96,M/mcL,M/uL,7958 +632923444,2694459,2184,1,total bilirubin,1.8,1.8,mg/dL,mg/dL,2184 +638106557,2694459,13744,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,13744 +628269339,2694459,6516,1,glucose,99.0,99,mg/dL,mg/dL,6516 +665170355,2694459,7958,3,Hct,39.8,39.8,%,%,7958 +663933615,2694459,5081,3,-basos,1.0,1,%,%,5081 +665670448,2694459,16611,3,platelets x 1000,365.0,365,K/mcL,K/uL,16611 +667013537,2694459,2184,3,MCV,101.0,101,fL,fL,2184 +665169036,2694459,3656,3,-eos,1.0,1,%,%,3656 +637243614,2694459,759,1,total protein,6.9,6.9,g/dL,g/dL,759 +638106558,2694459,13744,1,albumin,3.2,3.2,g/dL,g/dL,13744 +626331749,2694459,10870,1,magnesium,1.6,1.6,mg/dL,mg/dL,10870 +665169037,2694459,3656,3,-basos,1.0,1,%,%,3656 +662598445,2694459,13744,3,MCH,33.8,33.8,pg,pg,13744 +665670446,2694459,16611,3,MCH,34.1,34.1,pg,pg,16611 +667013533,2694459,2184,3,RBC,3.83,3.83,M/mcL,M/uL,2184 +665169034,2694459,3656,3,platelets x 1000,114.0,114,K/mcL,K/uL,3656 +632923446,2694459,2184,1,creatinine,0.5,0.50,mg/dL,mg/dL,2184 +638106554,2694459,13744,1,BUN,9.0,9,mg/dL,mg/dL,13744 +652705676,2694459,-681,3,RDW,13.1,13.1,%,%,-681 +665169032,2694459,3656,3,MCH,34.3,34.3,pg,pg,3656 +663933609,2694459,5081,3,MCV,101.0,101,fL,fL,5081 +665670447,2694459,16611,3,MCHC,33.7,33.7,g/dL,g/dL,16611 +667013538,2694459,2184,3,Hgb,13.0,13.0,g/dL,g/dL,2184 +665169033,2694459,3656,3,MCHC,34.4,34.4,g/dL,g/dL,3656 +637243617,2694459,759,1,glucose,101.0,101,mg/dL,mg/dL,759 +638106553,2694459,13744,1,glucose,95.0,95,mg/dL,mg/dL,13744 +628269340,2694459,6516,1,BUN,7.0,7,mg/dL,mg/dL,6516 +665169035,2694459,3656,3,RDW,12.6,12.6,%,%,3656 +662598447,2694459,13744,3,platelets x 1000,333.0,333,K/mcL,K/uL,13744 +665670441,2694459,16611,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,16611 +667013541,2694459,2184,3,MCH,33.9,33.9,pg,pg,2184 +665170356,2694459,7958,3,MCV,101.0,101,fL,fL,7958 +632923445,2694459,2184,1,potassium,3.7,3.7,mmol/L,mmol/L,2184 +638106559,2694459,13744,1,total protein,7.6,7.6,g/dL,g/dL,13744 +630073343,2694459,15137,1,albumin,3.3,3.3,g/dL,g/dL,15137 +665169027,2694459,3656,3,WBC x 1000,5.2,5.2,K/mcL,K/uL,3656 +663933605,2694459,5081,3,WBC x 1000,3.8,3.8,K/mcL,K/uL,5081 +665670443,2694459,16611,3,Hgb,13.3,13.3,g/dL,g/dL,16611 +667013542,2694459,2184,3,MCHC,33.7,33.7,g/dL,g/dL,2184 +665169028,2694459,3656,3,RBC,3.7,3.70,M/mcL,M/uL,3656 +637243618,2694459,759,1,chloride,105.0,105,mmol/L,mmol/L,759 +638106552,2694459,13744,1,anion gap,12.0,12,,mmol/L,13744 +662223204,2694459,16020,3,Vitamin B12,905.0,905,pg/mL,pg/mL,16020 +665169029,2694459,3656,3,Hgb,12.7,12.7,g/dL,g/dL,3656 +662598448,2694459,13744,3,RDW,12.9,12.9,%,%,13744 +665670442,2694459,16611,3,RBC,3.9,3.90,M/mcL,M/uL,16611 +667013543,2694459,2184,3,platelets x 1000,97.0,97,K/mcL,K/uL,2184 +665170359,2694459,7958,3,platelets x 1000,218.0,218,K/mcL,K/uL,7958 +632923447,2694459,2184,1,alkaline phos.,92.0,92,Units/L,U/L,2184 +638106549,2694459,13744,1,potassium,3.7,3.7,mmol/L,mmol/L,13744 +672984540,2694459,18450,4,bedside glucose,200.0,200,mg/dL,mg/dL,18450 +665170360,2694459,7958,3,RDW,12.5,12.5,%,%,7958 +663933606,2694459,5081,3,RBC,3.86,3.86,M/mcL,M/uL,5081 +665670444,2694459,16611,3,Hct,39.5,39.5,%,%,16611 +667013539,2694459,2184,3,WBC x 1000,4.6,4.6,K/mcL,K/uL,2184 +665170361,2694459,7958,3,-eos,2.0,2,%,%,7958 +637020333,2694459,7958,1,amylase,110.0,110,Units/L,U/L,7958 +638106548,2694459,13744,1,sodium,140.0,140,mmol/L,mmol/L,13744 +641203413,2694459,3656,1,sodium,136.0,136,mmol/L,mmol/L,3656 +665169030,2694459,3656,3,Hct,36.9,36.9,%,%,3656 +630503723,2694459,-261,1,magnesium,2.3,2.3,mg/dL,mg/dL,-261 +634038345,2694459,-1721,1,lactate,1.7,1.7,mmol/L,mmol/L,-1721 +667013540,2694459,2184,3,RDW,12.7,12.7,%,%,2184 +665170362,2694459,7958,3,-basos,1.0,1,%,%,7958 +632923448,2694459,2184,1,anion gap,11.0,11,,mmol/L,2184 +665670445,2694459,16611,3,MCV,101.0,101,fL,fL,16611 +637402004,2694459,-261,1,potassium,3.7,3.7,mmol/L,mmol/L,-261 +665169031,2694459,3656,3,MCV,100.0,100,fL,fL,3656 +662598446,2694459,13744,3,MCHC,33.0,33.0,g/dL,g/dL,13744 +638106550,2694459,13744,1,chloride,105.0,105,mmol/L,mmol/L,13744 +636615454,2694459,-1721,1,lipase,938.0,938,Units/L,U/L,-1721 +640365806,2694459,16611,1,magnesium,1.9,1.9,mg/dL,mg/dL,16611 +646712549,2694459,10870,1,lipase,647.0,647,Units/L,U/L,10870 +625510812,2694459,59,1,potassium,3.8,3.8,mmol/L,mmol/L,59 +637243609,2694459,759,1,anion gap,13.0,13,,mmol/L,759 +665170358,2694459,7958,3,MCHC,34.2,34.2,g/dL,g/dL,7958 +642613917,2694459,59,1,magnesium,1.6,1.6,mg/dL,mg/dL,59 +665670449,2694459,16611,3,RDW,12.8,12.8,%,%,16611 +634495468,2694459,3656,1,magnesium,1.6,1.6,mg/dL,mg/dL,3656 +644345565,2694459,6516,1,amylase,115.0,115,Units/L,U/L,6516 +627573403,2694459,2184,1,magnesium,1.9,1.9,mg/dL,mg/dL,2184 +638106551,2694459,13744,1,bicarbonate,27.0,27,mmol/L,mmol/L,13744 +627198266,2694459,16611,1,lipase,552.0,552,Units/L,U/L,16611 +665170357,2694459,7958,3,MCH,34.3,34.3,pg,pg,7958 +126121451,475290,539,4,bedside glucose,92.0,92,mg/dL,mg/dL,539 +127012491,475290,491,4,bedside glucose,87.0,87,mg/dL,mg/dL,491 +121243943,475290,990,3,MPV,10.8,10.8,fL,fL,1052 +126428732,475290,358,4,bedside glucose,151.0,151,mg/dL,mg/dL,358 +121243940,475290,990,3,MCHC,33.0,33,g/dL,g/dL,1052 +112359938,475290,-345,1,potassium,4.3,4.3,mmol/L,mmol/L,-229 +121243938,475290,990,3,MCV,97.0,97,fL,fL,1052 +109669545,475290,-345,1,creatinine,0.68,0.68,mg/dL,mg/dL,-229 +121243937,475290,990,3,Hct,31.0,31.0,%,%,1052 +107246896,475290,2305,1,magnesium,1.7,1.7,mg/dL,mg/dL,2326 +108821438,475290,685,1,magnesium,2.1,2.1,mg/dL,mg/dL,735 +121243936,475290,990,3,Hgb,10.3,10.3,g/dL,g/dL,1052 +111766220,475290,-345,1,anion gap,28.0,28,,,-229 +121243939,475290,990,3,MCH,32.0,32,pg,pg,1052 +107142084,475290,360,1,phosphate,2.7,2.7,mg/dL,mg/dL,483 +121243941,475290,990,3,RDW,14.5,14.5,%,%,1052 +111766221,475290,-345,1,bicarbonate,8.0,8,mmol/L,mmol/L,-229 +111224014,475290,-345,1,total protein,8.4,8.4,g/dL,g/dL,-229 +117884248,475290,-345,3,Hgb,12.9,12.9,g/dL,g/dL,-301 +121243934,475290,990,3,WBC x 1000,6.3,6.3,K/mcL,K/uL,1052 +117884249,475290,-345,3,WBC x 1000,8.2,8.2,K/mcL,K/uL,-301 +111224012,475290,-345,1,AST (SGOT),27.0,27,Units/L,U/L,-229 +117884250,475290,-345,3,RDW,14.2,14.2,%,%,-301 +121379859,475290,990,3,Fe,43.0,43,mcg/dL,mcg/dL,1025 +117884251,475290,-345,3,MCH,33.0,33,pg,pg,-301 +111224013,475290,-345,1,albumin,3.8,3.8,g/dL,g/dL,-229 +117884254,475290,-345,3,platelets x 1000,385.0,385,K/mcL,K/uL,-301 +110705440,475290,2340,1,ALT (SGPT),69.0,69,Units/L,U/L,2360 +121243945,475290,990,3,-lymphs,33.0,33,%,%,1052 +110705435,475290,2340,1,BUN,,<1,mg/dL,mg/dL,2360 +117884247,475290,-345,3,MCV,99.0,99,fL,fL,-301 +110705441,475290,2340,1,AST (SGOT),320.0,320,Units/L,U/L,2360 +111224011,475290,-345,1,alkaline phos.,167.0,167,Units/L,U/L,-229 +110705433,475290,2340,1,anion gap,9.0,9,,,2360 +117884240,475290,-345,3,MPV,11.2,11.2,fL,fL,-301 +110705438,475290,2340,1,total protein,6.8,6.8,g/dL,g/dL,2360 +121243946,475290,990,3,-monos,10.0,10,%,%,1052 +110705437,475290,2340,1,calcium,8.3,8.3,mg/dL,mg/dL,2360 +117884246,475290,-345,3,-eos,1.0,1,%,%,-301 +110705439,475290,2340,1,albumin,2.9,2.9,g/dL,g/dL,2360 +111224010,475290,-345,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-229 +110705434,475290,2340,1,glucose,96.0,96,mg/dL,mg/dL,2360 +117884252,475290,-345,3,-monos,6.0,6,%,%,-301 +110705432,475290,2340,1,bicarbonate,24.0,24,mmol/L,mmol/L,2360 +121243944,475290,990,3,-polys,56.0,56,%,%,1052 +125420892,475290,-114,4,bedside glucose,226.0,226,mg/dL,mg/dL,-114 +117884242,475290,-345,3,RBC,3.97,3.97,M/mcL,M/uL,-301 +110705436,475290,2340,1,creatinine,0.47,0.47,mg/dL,mg/dL,2360 +113659197,475290,595,1,chloride,112.0,112,mmol/L,mmol/L,628 +124590981,475290,93,4,bedside glucose,165.0,165,mg/dL,mg/dL,93 +117884241,475290,-345,3,-lymphs,30.0,30,%,%,-301 +110705431,475290,2340,1,chloride,107.0,107,mmol/L,mmol/L,2360 +111224016,475290,-345,1,ALT (SGPT),30.0,30,Units/L,U/L,-229 +125327671,475290,39,4,bedside glucose,188.0,188,mg/dL,mg/dL,39 +117884245,475290,-345,3,Hct,39.4,39.4,%,%,-301 +110705442,475290,2340,1,alkaline phos.,176.0,176,Units/L,U/L,2360 +113659198,475290,595,1,BUN,5.0,5,mg/dL,mg/dL,628 +125578376,475290,1465,4,bedside glucose,297.0,297,mg/dL,mg/dL,1465 +105941750,475290,360,1,anion gap,16.0,16,,,384 +110705443,475290,2340,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,2360 +121243947,475290,990,3,-eos,1.0,1,%,%,1052 +124678911,475290,-32,4,bedside glucose,117.0,117,mg/dL,mg/dL,-32 +119174770,475290,595,3,Hct,30.7,30.7,%,%,616 +110705430,475290,2340,1,potassium,3.4,3.4,mmol/L,mmol/L,2360 +113659195,475290,595,1,calcium,7.3,7.3,mg/dL,mg/dL,628 +116465082,475290,-345,3,PTT,22.2,22.2,sec,Seconds,-281 +116347991,475290,595,3,platelets x 1000,295.0,295,K/mcL,K/uL,616 +117884244,475290,-345,3,-polys,63.0,63,%,%,-301 +110705429,475290,2340,1,sodium,140.0,140,mmol/L,mmol/L,2360 +116347990,475290,595,3,MCHC,34.0,34,g/dL,g/dL,616 +111224015,475290,-345,1,direct bilirubin,0.1,0.1,mg/dL,mg/dL,-229 +106896344,475290,-345,1,glucose,571.0,571,mg/dL,mg/dL,-229 +105941748,475290,360,1,potassium,3.5,3.5,mmol/L,mmol/L,384 +110913838,475290,-345,1,amylase,25.0,25,Units/L,U/L,-229 +113659196,475290,595,1,glucose,70.0,70,mg/dL,mg/dL,628 +106435024,475290,-345,1,lipase,63.0,63,Units/L,U/L,-229 +119174769,475290,595,3,RBC,3.17,3.17,M/mcL,M/uL,616 +106616468,475290,-345,1,CPK,88.0,88,Units/L,U/L,-229 +121243935,475290,990,3,RBC,3.21,3.21,M/mcL,M/uL,1052 +108282685,475290,595,1,HDL,72.0,72,mg/dL,mg/dL,637 +117494242,475290,-345,3,PT - INR,1.0,1.0,ratio,,-281 +106240459,475290,-345,1,magnesium,1.9,1.9,mg/dL,mg/dL,-229 +113659190,475290,595,1,potassium,3.5,3.5,mmol/L,mmol/L,628 +108282684,475290,595,1,total cholesterol,203.0,203,mg/dL,mg/dL,637 +105941751,475290,360,1,sodium,143.0,143,mmol/L,mmol/L,384 +127083274,475290,593,4,bedside glucose,75.0,75,mg/dL,mg/dL,593 +135845600,475290,-318,7,Base Excess,-22.0,-22.0,mEq/L,mmol/L,-318 +108282683,475290,595,1,triglycerides,224.0,224,mg/dL,mg/dL,637 +119174771,475290,595,3,MCV,97.0,97,fL,fL,616 +106710241,475290,-345,1,BUN,14.0,14,mg/dL,mg/dL,-229 +126619734,475290,1793,4,bedside glucose,234.0,234,mg/dL,mg/dL,1793 +108282682,475290,595,1,LDL,86.0,86,mg/dL,mg/dL,637 +117884243,475290,-345,3,-basos,1.0,1,%,%,-301 +117680222,475290,990,3,TIBC,331.0,331,mcg/dL,mcg/dL,1025 +135845599,475290,-318,7,O2 Sat (%),77.7,77.7,%,%,-318 +126791202,475290,423,4,bedside glucose,103.0,103,mg/dL,mg/dL,423 +105941752,475290,360,1,bicarbonate,13.0,13,mmol/L,mmol/L,384 +125975743,475290,297,4,bedside glucose,164.0,164,mg/dL,mg/dL,297 +113659191,475290,595,1,creatinine,0.69,0.69,mg/dL,mg/dL,628 +139322712,475290,-150,7,FiO2,35.0,35.0,%,%,-150 +119174774,475290,595,3,RDW,14.3,14.3,%,%,616 +127077647,475290,2240,4,bedside glucose,34.0,34,mg/dL,mg/dL,2240 +135845597,475290,-318,7,pH,7.14,7.140,,,-318 +139322714,475290,-150,7,Carboxyhemoglobin,0.3,0.3,%,%,-150 +126131295,475290,778,4,bedside glucose,59.0,59,mg/dL,mg/dL,778 +115360190,475290,990,3,Ferritin,63.9,63.9,ng/mL,ng/mL,1066 +121243948,475290,990,3,-basos,1.0,1,%,%,1052 +139322711,475290,-150,7,Methemoglobin,0.4,0.4,%,%,-150 +105941754,475290,360,1,glucose,158.0,158,mg/dL,mg/dL,384 +125956905,475290,-345,4,urinary specific gravity,1.026,1.026,,,-293 +135845596,475290,-318,7,paCO2,14.0,14.0,mm Hg,mmHg,-318 +139322713,475290,-150,7,paO2,182.2,182.2,mm Hg,mmHg,-150 +119174775,475290,595,3,MCH,33.0,33,pg,pg,616 +127143269,475290,800,4,bedside glucose,139.0,139,mg/dL,mg/dL,800 +113659192,475290,595,1,anion gap,12.0,12,,,628 +139322710,475290,-150,7,HCO3,2.4,2.4,mmol/L,mmol/L,-150 +110407446,475290,360,1,magnesium,1.3,1.3,mg/dL,mg/dL,483 +107366832,475290,10,1,BUN,9.0,9,mg/dL,mg/dL,75 +135845591,475290,-318,7,HCO3,4.7,4.7,mmol/L,mmol/L,-318 +107472416,475290,-184,1,creatinine,0.77,0.77,mg/dL,mg/dL,-46 +105941749,475290,360,1,creatinine,0.59,0.59,mg/dL,mg/dL,384 +107366827,475290,10,1,sodium,146.0,146,mmol/L,mmol/L,75 +124794789,475290,2482,4,bedside glucose,127.0,127,mg/dL,mg/dL,2482 +107472423,475290,-184,1,BUN,14.0,14,mg/dL,mg/dL,-46 +119174772,475290,595,3,Hgb,10.3,10.3,g/dL,g/dL,616 +107366828,475290,10,1,bicarbonate,12.0,12,mmol/L,mmol/L,75 +135845594,475290,-318,7,paO2,52.9,52.9,mm Hg,mmHg,-318 +107472415,475290,-184,1,potassium,4.8,4.8,mmol/L,mmol/L,-46 +117494241,475290,-345,3,PT,13.4,13.4,sec,Seconds,-281 +107366830,475290,10,1,glucose,184.0,184,mg/dL,mg/dL,75 +113659193,475290,595,1,sodium,142.0,142,mmol/L,mmol/L,628 +107472421,475290,-184,1,glucose,570.0,570,mg/dL,mg/dL,-46 +105941756,475290,360,1,BUN,6.0,6,mg/dL,mg/dL,384 +107366826,475290,10,1,anion gap,17.0,17,,,75 +135845592,475290,-318,7,Methemoglobin,0.3,0.3,%,%,-318 +107472422,475290,-184,1,chloride,97.0,97,mmol/L,mmol/L,-46 +119174768,475290,595,3,MPV,10.3,10.3,fL,fL,616 +107366829,475290,10,1,calcium,6.8,6.8,mg/dL,mg/dL,75 +121243942,475290,990,3,platelets x 1000,283.0,283,K/mcL,K/uL,1052 +107472417,475290,-184,1,anion gap,28.0,28,,,-46 +126520749,475290,2264,4,bedside glucose,84.0,84,mg/dL,mg/dL,2264 +107366831,475290,10,1,chloride,117.0,117,mmol/L,mmol/L,75 +125359237,475290,1685,4,bedside glucose,242.0,242,mg/dL,mg/dL,1685 +107472419,475290,-184,1,bicarbonate,7.0,7,mmol/L,mmol/L,-46 +105941755,475290,360,1,chloride,114.0,114,mmol/L,mmol/L,384 +107366825,475290,10,1,creatinine,0.66,0.66,mg/dL,mg/dL,75 +113659194,475290,595,1,bicarbonate,18.0,18,mmol/L,mmol/L,628 +125781177,475290,230,4,bedside glucose,155.0,155,mg/dL,mg/dL,230 +111039359,475290,-345,1,sodium,132.0,132,mmol/L,mmol/L,-229 +107516642,475290,-345,1,chloride,96.0,96,mmol/L,mmol/L,-229 +135845593,475290,-318,7,FiO2,21.0,21.0,%,%,-318 +107472420,475290,-184,1,calcium,9.4,9.4,mg/dL,mg/dL,-46 +124757785,475290,2242,4,bedside glucose,28.0,28,mg/dL,mg/dL,2242 +136868562,475290,-150,7,pH,7.028,7.028,,,-150 +125181893,475290,708,4,bedside glucose,75.0,75,mg/dL,mg/dL,708 +107366824,475290,10,1,potassium,4.0,4.0,mmol/L,mmol/L,75 +127023396,475290,186,4,bedside glucose,92.0,92,mg/dL,mg/dL,186 +136868564,475290,-150,7,O2 Sat (%),98.5,98.5,%,%,-150 +124717096,475290,-340,4,bedside glucose,390.0,390,mg/dL,mg/dL,-340 +125759682,475290,-214,4,bedside glucose,488.0,488,mg/dL,mg/dL,-214 +119174773,475290,595,3,WBC x 1000,7.3,7.3,K/mcL,K/uL,616 +136868565,475290,-150,7,Base Excess,-26.3,-26.3,mEq/L,mmol/L,-150 +124725648,475290,681,4,bedside glucose,67.0,67,mg/dL,mg/dL,681 +126108160,475290,1032,4,bedside glucose,110.0,110,mg/dL,mg/dL,1032 +117884253,475290,-345,3,MCHC,33.0,33,g/dL,g/dL,-301 +124732134,475290,-143,4,bedside glucose,269.0,269,mg/dL,mg/dL,-143 +127018427,475290,-243,4,bedside glucose,531.0,531,mg/dL,mg/dL,-243 +107472418,475290,-184,1,sodium,132.0,132,mmol/L,mmol/L,-46 +105941753,475290,360,1,calcium,7.0,7.0,mg/dL,mg/dL,384 +136868561,475290,-150,7,paCO2,9.5,9.5,mm Hg,mmHg,-150 +135845595,475290,-318,7,Carboxyhemoglobin,0.5,0.5,%,%,-318 +126191812,475290,-213,4,bedside glucose,526.0,526,mg/dL,mg/dL,-213 +162686108,859032,68,1,albumin,2.3,2.3,g/dL,g/dL,116 +162686102,859032,68,1,potassium,4.4,4.4,mmol/L,mmol/L,116 +162686103,859032,68,1,creatinine,1.0,1.00,mg/dL,mg/dL,116 +162686101,859032,68,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,116 +185069800,859032,68,3,RBC,3.03,3.03,M/mcL,M/MM3,96 +162686104,859032,68,1,alkaline phos.,97.0,97,Units/L,IU/L,116 +185069801,859032,68,3,Hct,28.2,28.2,%,%,96 +162686106,859032,68,1,AST (SGOT),17.0,17,Units/L,IU/L,116 +185069802,859032,68,3,MCV,93.0,93,fL,fL,96 +162686111,859032,68,1,calcium,8.1,8.1,mg/dL,mg/dL,116 +185069804,859032,68,3,WBC x 1000,11.0,11.0,K/mcL,K/MM3,96 +185111549,859032,-1672,3,MPV,9.0,9.0,fL,fL,-1631 +162686109,859032,68,1,bicarbonate,25.0,25,mmol/L,mmol/L,116 +185111552,859032,-1672,3,MCV,92.0,92,fL,fL,-1631 +185069807,859032,68,3,MCHC,30.9,30.9,g/dL,g/dL,96 +185111550,859032,-1672,3,RBC,3.75,3.75,M/mcL,M/MM3,-1631 +162686500,859032,-1672,1,BUN,24.0,24,mg/dL,mg/dL,-1614 +185111555,859032,-1672,3,RDW,13.4,13.4,%,%,-1631 +162686113,859032,68,1,glucose,206.0,206,mg/dL,mg/dL,116 +185111554,859032,-1672,3,WBC x 1000,9.4,9.4,K/mcL,K/MM3,-1631 +162686492,859032,-1672,1,sodium,139.0,139,mmol/L,mmol/L,-1614 +185111556,859032,-1672,3,MCH,29.1,29.1,pg,pg,-1631 +185069805,859032,68,3,RDW,13.8,13.8,%,%,96 +185111551,859032,-1672,3,Hct,34.3,34.3,%,%,-1631 +162686490,859032,-1672,1,anion gap,8.0,8,,,-1614 +185111558,859032,-1672,3,platelets x 1000,383.0,383,K/mcL,K/MM3,-1631 +162686107,859032,68,1,sodium,141.0,141,mmol/L,mmol/L,116 +185111557,859032,-1672,3,MCHC,31.8,31.8,g/dL,g/dL,-1631 +162686496,859032,-1672,1,calcium,9.1,9.1,mg/dL,mg/dL,-1614 +185111553,859032,-1672,3,Hgb,10.9,10.9,g/dL,g/dL,-1631 +185069806,859032,68,3,MCH,28.7,28.7,pg,pg,96 +182706931,859032,128,3,Vitamin B12,384.0,384,pg/mL,pg/mL,633 +191877480,859032,661,4,bedside glucose,130.0,130,mg/dL,mg/dL,661 +162686495,859032,-1672,1,total protein,7.3,7.3,g/dL,g/dL,-1614 +162686489,859032,-1052,1,BUN,18.0,18,mg/dL,mg/dL,-1003 +162686112,859032,68,1,ALT (SGPT),12.0,12,Units/L,IU/L,116 +162686483,859032,-1052,1,bicarbonate,26.0,26,mmol/L,mmol/L,-1003 +162686497,859032,-1672,1,ALT (SGPT),16.0,16,Units/L,IU/L,-1614 +162686488,859032,-1052,1,chloride,104.0,104,mmol/L,mmol/L,-1003 +185069808,859032,68,3,platelets x 1000,328.0,328,K/mcL,K/MM3,96 +162686482,859032,-1052,1,albumin,2.5,2.5,g/dL,g/dL,-1003 +162613569,859032,-1672,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-1614 +162686479,859032,-1052,1,anion gap,8.0,8,,,-1003 +162686110,859032,68,1,total protein,6.0,6.0,g/dL,g/dL,116 +162686486,859032,-1052,1,ALT (SGPT),14.0,14,Units/L,IU/L,-1003 +162686494,859032,-1672,1,bicarbonate,26.0,26,mmol/L,mmol/L,-1614 +162686487,859032,-1052,1,glucose,226.0,226,mg/dL,mg/dL,-1003 +156380607,859032,-879,1,lactate,1.3,1.3,mmol/L,mmol/L,-838 +162686478,859032,-1052,1,alkaline phos.,111.0,111,Units/L,IU/L,-1003 +162613570,859032,-1672,1,potassium,3.8,3.8,mmol/L,mmol/L,-1614 +162686480,859032,-1052,1,AST (SGOT),9.0,9,Units/L,IU/L,-1003 +185069799,859032,68,3,MPV,9.0,9.0,fL,fL,96 +162686477,859032,-1052,1,creatinine,0.94,0.94,mg/dL,mg/dL,-1003 +162686498,859032,-1672,1,glucose,59.0,59,mg/dL,mg/dL,-1614 +162686485,859032,-1052,1,calcium,8.4,8.4,mg/dL,mg/dL,-1003 +162686105,859032,68,1,anion gap,7.0,7,,,116 +162686476,859032,-1052,1,potassium,4.0,4.0,mmol/L,mmol/L,-1003 +162613571,859032,-1672,1,creatinine,0.9,0.90,mg/dL,mg/dL,-1614 +162686475,859032,-1052,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-1003 +191923865,859032,-1399,4,bedside glucose,182.0,182,mg/dL,mg/dL,-1399 +162686481,859032,-1052,1,sodium,138.0,138,mmol/L,mmol/L,-1003 +162686493,859032,-1672,1,albumin,2.9,2.9,g/dL,g/dL,-1614 +146284905,859032,-1052,1,troponin - I,0.13,0.13,ng/mL,ng/mL,-1003 +156446231,859032,68,1,phosphate,4.2,4.2,mg/dL,mg/dL,116 +162686484,859032,-1052,1,total protein,6.5,6.5,g/dL,g/dL,-1003 +162613572,859032,-1672,1,alkaline phos.,120.0,120,Units/L,IU/L,-1614 +187492636,859032,-498,4,bedside glucose,169.0,169,mg/dL,mg/dL,-498 +162686115,859032,68,1,BUN,24.0,24,mg/dL,mg/dL,116 +165576378,859032,-1052,2,Tacrolimus-FK506,3.6,3.6,ng/mL,ng/mL,-426 +176816029,859032,-102,3,PT - INR,1.1,1.1,ratio,,-71 +191449674,859032,-809,4,bedside glucose,227.0,227,mg/dL,mg/dL,-809 +146421120,859032,-499,1,lactate,0.9,0.9,mmol/L,mmol/L,-474 +157501709,859032,68,1,total cholesterol,112.0,112,mg/dL,mg/dL,116 +162686499,859032,-1672,1,chloride,105.0,105,mmol/L,mmol/L,-1614 +166482387,859032,-1052,3,ESR,79.0,79,mm/hr,mm/hr,-1021 +185069803,859032,68,3,Hgb,8.7,8.7,g/dL,g/dL,96 +157501710,859032,68,1,HDL,28.0,28,mg/dL,mg/dL,116 +151818588,859032,643,1,magnesium,2.3,2.3,mg/dL,mg/dL,696 +148537172,859032,-1052,1,lactate,1.6,1.6,mmol/L,mmol/L,-1013 +162686114,859032,68,1,chloride,109.0,109,mmol/L,mmol/L,116 +178079280,859032,-102,3,PTT,27.0,27,sec,second(s),-70 +176816028,859032,-102,3,PT,14.2,14.2,sec,second(s),-71 +157501708,859032,68,1,triglycerides,130.0,130,mg/dL,mg/dL,116 +154502471,859032,-1052,1,magnesium,1.8,1.8,mg/dL,mg/dL,-1003 +153120951,859032,-879,1,troponin - I,0.64,0.64,ng/mL,ng/mL,-835 +166733744,859032,-102,3,Hgb,9.0,9.0,g/dL,g/dL,-83 +157128264,859032,68,1,CPK,76.0,76,Units/L,IU/L,116 +162686491,859032,-1672,1,AST (SGOT),9.0,9,Units/L,IU/L,-1614 +141687712,859032,-499,1,troponin - I,1.74,1.74,ng/mL,ng/mL,-467 +191209861,859032,-36,4,bedside glucose,214.0,214,mg/dL,mg/dL,-36 +166962284,859032,128,3,folate,11.0,11.0,ng/mL,ng/mL,633 +189933675,859032,474,4,bedside glucose,160.0,160,mg/dL,mg/dL,474 +164234456,859032,-1672,1,troponin - I,,<0.02,ng/mL,ng/mL,-1408 +187388947,859032,1024,4,bedside glucose,110.0,110,mg/dL,mg/dL,1024 +151909153,859032,68,1,lipase,43.0,43,Units/L,IU/L,116 +187799829,859032,68,4,TSH,1.26,1.26,mcU/ml,mIU/L,118 +190045272,859032,49,4,bedside glucose,220.0,220,mg/dL,mg/dL,49 +188040607,859032,-1039,4,bedside glucose,212.0,212,mg/dL,mg/dL,-1039 +164665270,859032,68,1,magnesium,1.7,1.7,mg/dL,mg/dL,116 +503058717,2075529,-249,3,-polys,40.0,40,%,%,-249 +503058714,2075529,-249,3,-lymphs,46.0,46,%,%,-249 +503058715,2075529,-249,3,RBC,3.41,3.41,M/mcL,M/uL,-249 +503058713,2075529,-249,3,MPV,8.8,8.8,fL,fL,-249 +503058716,2075529,-249,3,-basos,1.0,1,%,%,-249 +512902813,2075529,1176,3,Hct,33.6,33.6,%,%,1176 +503058726,2075529,-249,3,MCHC,29.9,29.9,g/dL,g/dL,-249 +512902812,2075529,1176,3,-polys,80.0,80,%,%,1176 +503058725,2075529,-249,3,-monos,10.0,10,%,%,-249 +512902811,2075529,1176,3,-basos,0.0,0,%,%,1176 +503058727,2075529,-249,3,platelets x 1000,614.0,614,K/mcL,K/uL,-249 +512902814,2075529,1176,3,-eos,0.0,0,%,%,1176 +503058718,2075529,-249,3,Hct,35.5,35.5,%,%,-249 +512902815,2075529,1176,3,MCV,97.4,97.4,fL,fL,1176 +503058722,2075529,-249,3,WBC x 1000,14.3,14.3,K/mcL,K/uL,-249 +512902816,2075529,1176,3,Hgb,10.6,10.6,g/dL,g/dL,1176 +503058724,2075529,-249,3,MCH,31.1,31.1,pg,pg,-249 +512902822,2075529,1176,3,platelets x 1000,526.0,526,K/mcL,K/uL,1176 +487546720,2075529,2717,1,BUN,24.0,24,mg/dL,mg/dL,2717 +503058723,2075529,-249,3,RDW,15.0,15.0,%,%,-249 +487546721,2075529,2717,1,creatinine,0.44,0.44,mg/dL,mg/dL,2717 +512902821,2075529,1176,3,MCHC,31.5,31.5,g/dL,g/dL,1176 +487546722,2075529,2717,1,glucose,149.0,149,mg/dL,mg/dL,2717 +503058719,2075529,-249,3,-eos,4.0,4,%,%,-249 +487546719,2075529,2717,1,calcium,8.9,8.9,mg/dL,mg/dL,2717 +512902808,2075529,1176,3,MPV,8.7,8.7,fL,fL,1176 +487546716,2075529,2717,1,potassium,4.5,4.5,mmol/L,mmol/L,2717 +502699029,2075529,-249,3,PTT,30.2,30.2,sec,seconds,-249 +536033320,2075529,-238,7,Base Excess,-2.3,-2.3,mEq/L,mmol/L,-238 +512902819,2075529,1176,3,MCH,30.7,30.7,pg,pg,1176 +487546717,2075529,2717,1,chloride,98.0,98,mmol/L,mmol/L,2717 +503058720,2075529,-249,3,MCV,104.1,104.1,fL,fL,-249 +536033318,2075529,-238,7,pH,7.31,7.31,,,-238 +512902820,2075529,1176,3,-monos,4.0,4,%,%,1176 +487546715,2075529,2717,1,sodium,141.0,141,mmol/L,mmol/L,2717 +502699027,2075529,-249,3,PT,12.0,12.0,sec,Seconds,-249 +536033319,2075529,-238,7,O2 Sat (%),86.0,86,%,%,-238 +512902818,2075529,1176,3,RDW,14.7,14.7,%,%,1176 +494467211,2075529,-249,1,ALT (SGPT),43.0,43,Units/L,U/L,-249 +487546723,2075529,2717,1,anion gap,11.0,11,,mmol/L,2717 +494467210,2075529,-249,1,calcium,8.7,8.7,mg/dL,mg/dL,-249 +503058721,2075529,-249,3,Hgb,10.6,10.6,g/dL,g/dL,-249 +499713087,2075529,2717,3,MCV,99.2,99.2,fL,fL,2717 +494467212,2075529,-249,1,glucose,162.0,162,mg/dL,mg/dL,-249 +499713086,2075529,2717,3,Hct,35.1,35.1,%,%,2717 +536033315,2075529,-238,7,FiO2,21.0,21.0,%,%,-238 +499713088,2075529,2717,3,MCH,31.4,31.4,pg,pg,2717 +494467199,2075529,-249,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,-249 +499713085,2075529,2717,3,Hgb,11.1,11.1,g/dL,g/dL,2717 +512902817,2075529,1176,3,WBC x 1000,6.1,6.1,K/mcL,K/uL,1176 +499713090,2075529,2717,3,RDW,15.0,15.0,%,%,2717 +494467200,2075529,-249,1,potassium,4.2,4.2,mmol/L,mmol/L,-249 +499713083,2075529,2717,3,WBC x 1000,8.6,8.6,K/mcL,K/uL,2717 +487546718,2075529,2717,1,bicarbonate,32.0,32,mmol/L,mmol/L,2717 +499713091,2075529,2717,3,platelets x 1000,608.0,608,K/mcL,K/uL,2717 +494467206,2075529,-249,1,albumin,3.8,3.8,g/dL,g/dL,-249 +499713084,2075529,2717,3,RBC,3.54,3.54,M/mcL,M/uL,2717 +502699028,2075529,-249,3,PT - INR,0.9,0.9,ratio,,-249 +499713097,2075529,2717,3,-basos,0.0,0,%,%,2717 +494467207,2075529,-249,1,bicarbonate,25.0,25,mmol/L,mmol/L,-249 +537118295,2075529,1148,7,Base Excess,3.1,3.1,mEq/L,mmol/L,1148 +536033316,2075529,-238,7,paO2,57.0,57,mm Hg,mm Hg,-238 +499713096,2075529,2717,3,-eos,0.0,0,%,%,2717 +494467208,2075529,-249,1,total protein,7.4,7.4,g/dL,g/dL,-249 +537118291,2075529,1148,7,paO2,139.0,139,mm Hg,mm Hg,1148 +512902809,2075529,1176,3,-lymphs,16.0,16,%,%,1176 +499713095,2075529,2717,3,-monos,4.0,4,%,%,2717 +494467213,2075529,-249,1,chloride,104.0,104,mmol/L,mmol/L,-249 +537118293,2075529,1148,7,pH,7.43,7.43,,,1148 +487546725,2075529,2717,1,phosphate,3.9,3.9,mg/dL,mg/dL,2717 +499713093,2075529,2717,3,-polys,84.0,84,%,%,2717 +494467205,2075529,-249,1,sodium,141.0,141,mmol/L,mmol/L,-249 +537118294,2075529,1148,7,O2 Sat (%),97.0,97,%,%,1148 +482394214,2075529,786,1,troponin - T,0.53,0.53,ng/mL,ng/mL,786 +536987055,2075529,-554,7,FiO2,28.0,28.0,%,%,-554 +494467201,2075529,-249,1,creatinine,0.64,0.64,mg/dL,mg/dL,-249 +499713094,2075529,2717,3,-lymphs,12.0,12,%,%,2717 +536033314,2075529,-238,7,HCO3,24.0,24,mmol/L,mmol/L,-238 +536987056,2075529,-554,7,paO2,81.0,81,mm Hg,mm Hg,-554 +494467202,2075529,-249,1,alkaline phos.,252.0,252,Units/L,U/L,-249 +537118289,2075529,1148,7,HCO3,28.0,28,mmol/L,mmol/L,1148 +483727039,2075529,371,1,troponin - T,0.74,0.74,ng/mL,ng/mL,371 +536987057,2075529,-554,7,paCO2,51.0,51,mm Hg,mm Hg,-554 +494467203,2075529,-249,1,anion gap,12.0,12,,mmol/L,-249 +499713089,2075529,2717,3,MCHC,31.6,31.6,g/dL,g/dL,2717 +487546724,2075529,2717,1,magnesium,1.9,1.9,mg/dL,mg/dL,2717 +536987058,2075529,-554,7,pH,7.3,7.30,,,-554 +494467204,2075529,-249,1,AST (SGOT),42.0,42,Units/L,U/L,-249 +537118292,2075529,1148,7,paCO2,43.0,43,mm Hg,mm Hg,1148 +512902810,2075529,1176,3,RBC,3.45,3.45,M/mcL,M/uL,1176 +536987059,2075529,-554,7,O2 Sat (%),93.0,93,%,%,-554 +494467209,2075529,-249,1,troponin - T,,<0.01,ng/mL,ng/mL,-249 +499713092,2075529,2717,3,MPV,9.1,9.1,fL,fL,2717 +536033317,2075529,-238,7,paCO2,49.0,49,mm Hg,mm Hg,-238 +536987060,2075529,-554,7,Base Excess,-2.1,-2.1,mEq/L,mmol/L,-554 +494467214,2075529,-249,1,BUN,14.0,14,mg/dL,mg/dL,-249 +537118290,2075529,1148,7,FiO2,36.0,36.0,%,%,1148 +516389489,2075529,-249,4,TSH,1.92,1.92,mcU/ml,uIU/mL,-249 +491365177,2075529,69,1,troponin - T,0.56,0.56,ng/mL,ng/mL,69 +536987054,2075529,-554,7,HCO3,25.0,25,mmol/L,mmol/L,-554 +795683773,3211257,1391,3,RBC,3.45,3.45,M/mcL,m/uL,1426 +796105716,3211257,2861,3,WBC x 1000,7.6,7.6,K/mcL,k/uL,2870 +795683772,3211257,1391,3,MPV,7.4,7.4,fL,fl,1426 +796105720,3211257,2861,3,MCV,88.4,88.4,fL,fL,2870 +795683780,3211257,1391,3,MCHC,34.2,34.2,g/dL,g/dL,1426 +796105725,3211257,2861,3,MPV,7.2,7.2,fL,fl,2870 +795683776,3211257,1391,3,Hgb,10.4,10.4,g/dL,g/dL,1426 +796105718,3211257,2861,3,Hgb,11.2,11.2,g/dL,g/dL,2870 +796609715,3211257,-266,3,PT - INR,1.1,1.1,ratio,,-248 +795683774,3211257,1391,3,Hct,30.4,30.4,%,%,1426 +796609714,3211257,-266,3,-eos,0.8,0.8,%,%,-254 +796105721,3211257,2861,3,MCH,29.7,29.7,pg,pg,2870 +796609713,3211257,-266,3,PT,12.5,12.5,sec,sec,-248 +795683779,3211257,1391,3,MCH,30.1,30.1,pg,pg,1426 +796609717,3211257,-266,3,PTT,25.9,25.9,sec,sec,-248 +796105722,3211257,2861,3,MCHC,33.6,33.6,g/dL,g/dL,2870 +796609711,3211257,-266,3,-polys,78.2,78.2,%,%,-254 +795683777,3211257,1391,3,WBC x 1000,8.5,8.5,K/mcL,k/uL,1426 +796609718,3211257,-266,3,Hgb,12.5,12.5,g/dL,g/dL,-254 +796105723,3211257,2861,3,RDW,13.7,13.7,%,%,2870 +796609724,3211257,-266,3,platelets x 1000,230.0,230.0,K/mcL,k/uL,-254 +795683781,3211257,1391,3,platelets x 1000,161.0,161.0,K/mcL,k/uL,1426 +796609712,3211257,-266,3,Hct,37.0,37.0,%,%,-254 +796105717,3211257,2861,3,RBC,3.77,3.77,M/mcL,m/uL,2870 +799415443,3211257,2039,4,bedside glucose,125.0,125,mg/dL,mg/dl,2050 +795683778,3211257,1391,3,RDW,13.5,13.5,%,%,1426 +796609722,3211257,-266,3,-monos,6.1,6.1,%,%,-254 +796105724,3211257,2861,3,platelets x 1000,161.0,161.0,K/mcL,k/uL,2870 +796180515,3211257,434,3,MPV,7.5,7.5,fL,fl,475 +797098529,3211257,5731,3,WBC x 1000,6.6,6.6,K/mcL,k/uL,5747 +796609709,3211257,-266,3,RBC,4.17,4.17,M/mcL,m/uL,-254 +795683775,3211257,1391,3,MCV,88.0,88.0,fL,fL,1426 +796180516,3211257,434,3,RBC,3.82,3.82,M/mcL,m/uL,475 +796105719,3211257,2861,3,Hct,33.3,33.3,%,%,2870 +796609710,3211257,-266,3,-basos,0.6,0.6,%,%,-254 +797098533,3211257,5731,3,MCV,88.3,88.3,fL,fL,5747 +796180524,3211257,434,3,platelets x 1000,186.0,186.0,K/mcL,k/uL,475 +802462667,3211257,434,7,O2 Sat (%),95.4,95.4,%,%,460 +796609721,3211257,-266,3,MCH,30.0,30.0,pg,pg,-254 +797098531,3211257,5731,3,Hgb,12.0,12.0,g/dL,g/dL,5747 +796180522,3211257,434,3,MCH,30.2,30.2,pg,pg,475 +802462666,3211257,434,7,pH,7.35,7.35,,,460 +796609720,3211257,-266,3,RDW,14.1,14.1,%,%,-254 +797098535,3211257,5731,3,MCHC,33.8,33.8,g/dL,g/dL,5747 +796180521,3211257,434,3,RDW,13.9,13.9,%,%,475 +802462665,3211257,434,7,paCO2,45.0,45,mm Hg,mmHg,460 +796609723,3211257,-266,3,MCHC,33.8,33.8,g/dL,g/dL,-254 +797098536,3211257,5731,3,RDW,13.8,13.8,%,%,5747 +791474540,3211257,2861,1,BUN,3.0,3,mg/dL,mg/dL,2891 +802462664,3211257,434,7,paO2,93.0,93,mm Hg,mmHg,460 +792109272,3211257,-266,1,bicarbonate,23.0,23,mmol/L,mmol/L,-247 +793223042,3211257,1391,1,potassium,3.5,3.5,mmol/L,mmol/L,1431 +797098538,3211257,5731,3,MPV,7.2,7.2,fL,fl,5747 +792109276,3211257,-266,1,BUN,14.0,14,mg/dL,mg/dL,-247 +796180523,3211257,434,3,MCHC,34.2,34.2,g/dL,g/dL,475 +802462663,3211257,434,7,FiO2,25.0,25,%,,460 +792109271,3211257,-266,1,sodium,136.0,136,mmol/L,mmol/L,-247 +791474539,3211257,2861,1,glucose,114.0,114,mg/dL,mg/dL,2891 +797098534,3211257,5731,3,MCH,29.8,29.8,pg,pg,5747 +792109270,3211257,-266,1,anion gap,13.0,13,,,-247 +793223049,3211257,1391,1,chloride,102.0,102,mmol/L,mmol/L,1431 +802462662,3211257,434,7,Total CO2,25.5,25.5,,mmol/L,460 +792109273,3211257,-266,1,calcium,8.9,8.9,mg/dL,mg/dL,-247 +796609707,3211257,-266,3,MPV,7.3,7.3,fL,fl,-254 +797098537,3211257,5731,3,platelets x 1000,179.0,179.0,K/mcL,k/uL,5747 +792109268,3211257,-266,1,potassium,3.5,3.5,mmol/L,mmol/L,-247 +791474538,3211257,2861,1,anion gap,9.0,9,,,2891 +802462668,3211257,434,7,Base Excess,-1.2,-1.2,mEq/L,,460 +792109274,3211257,-266,1,glucose,168.0,168,mg/dL,mg/dL,-247 +793223050,3211257,1391,1,BUN,8.0,8,mg/dL,mg/dL,1431 +797098532,3211257,5731,3,Hct,35.4,35.4,%,%,5747 +792109275,3211257,-266,1,chloride,104.0,104,mmol/L,mmol/L,-247 +796180520,3211257,434,3,WBC x 1000,10.6,10.6,K/mcL,k/uL,475 +792968622,3211257,761,1,troponin - I,0.01,0.01,ng/mL,ng/mL,858 +792109269,3211257,-266,1,creatinine,0.86,0.86,mg/dL,mg/dL,-247 +791474535,3211257,2861,1,potassium,3.5,3.5,mmol/L,mmol/L,2891 +797098530,3211257,5731,3,RBC,4.01,4.01,M/mcL,m/uL,5747 +792736444,3211257,-281,1,magnesium,2.0,2.0,mg/dL,mg/dL,-93 +793223044,3211257,1391,1,anion gap,12.0,12,,,1431 +796769503,3211257,761,3,MCH,29.8,29.8,pg,pg,823 +796609716,3211257,-266,3,MCV,88.7,88.7,fL,fL,-254 +796769501,3211257,761,3,WBC x 1000,10.3,10.3,K/mcL,k/uL,823 +791474537,3211257,2861,1,bicarbonate,26.0,26,mmol/L,mmol/L,2891 +796769500,3211257,761,3,Hgb,11.1,11.1,g/dL,g/dL,823 +793223048,3211257,1391,1,glucose,78.0,78,mg/dL,mg/dL,1431 +796769502,3211257,761,3,RDW,13.7,13.7,%,%,823 +796180517,3211257,434,3,Hct,33.7,33.7,%,%,475 +796769504,3211257,761,3,MCHC,34.1,34.1,g/dL,g/dL,823 +791474541,3211257,2861,1,creatinine,0.58,0.58,mg/dL,mg/dL,2891 +796769496,3211257,761,3,MPV,7.2,7.2,fL,fl,823 +793223043,3211257,1391,1,creatinine,0.63,0.63,mg/dL,mg/dL,1431 +796769497,3211257,761,3,RBC,3.71,3.71,M/mcL,m/uL,823 +796609719,3211257,-266,3,WBC x 1000,9.4,9.4,K/mcL,k/uL,-254 +796769505,3211257,761,3,platelets x 1000,168.0,168.0,K/mcL,k/uL,823 +791474536,3211257,2861,1,chloride,106.0,106,mmol/L,mmol/L,2891 +796769498,3211257,761,3,Hct,32.4,32.4,%,%,823 +793223045,3211257,1391,1,sodium,133.0,133,mmol/L,mmol/L,1431 +791267959,3211257,434,1,troponin - I,0.01,0.01,ng/mL,ng/mL,492 +796180518,3211257,434,3,MCV,88.3,88.3,fL,fL,475 +796769499,3211257,761,3,MCV,87.4,87.4,fL,fL,823 +791474534,3211257,2861,1,sodium,137.0,137,mmol/L,mmol/L,2891 +801661516,3211257,73,7,pH,7.44,7.44,,,78 +793223046,3211257,1391,1,bicarbonate,23.0,23,mmol/L,mmol/L,1431 +801661517,3211257,73,7,O2 Sat (%),95.6,95.6,%,%,78 +796609708,3211257,-266,3,-lymphs,14.3,14.3,%,%,-254 +801661513,3211257,73,7,FiO2,80.0,80,%,,78 +798575258,3211257,4654,4,bedside glucose,107.0,107,mg/dL,mg/dl,4660 +801661515,3211257,73,7,paCO2,34.0,34,mm Hg,mmHg,78 +793223047,3211257,1391,1,calcium,7.8,7.8,mg/dL,mg/dL,1431 +801661518,3211257,73,7,Base Excess,-0.5,-0.5,mEq/L,,78 +796180519,3211257,434,3,Hgb,11.5,11.5,g/dL,g/dL,475 +801661514,3211257,73,7,paO2,232.0,232,mm Hg,mmHg,78 +799460830,3211257,233,4,bedside glucose,93.0,93,mg/dL,mg/dl,240 +799444233,3211257,-64,4,urinary specific gravity,1.013,1.013,,,4 +791474542,3211257,2861,1,calcium,8.3,8.3,mg/dL,mg/dL,2891 +801661512,3211257,73,7,Total CO2,23.8,23.8,,mmol/L,78 +799420170,3211257,4921,4,bedside glucose,103.0,103,mg/dL,mg/dl,4928 +799611290,3211257,4378,4,bedside glucose,96.0,96,mg/dL,mg/dl,4385 +606180551,2609672,5582,3,-lymphs,22.0,22,%,%,5603 +606180548,2609672,5582,3,-polys,64.0,64,%,%,5603 +606180549,2609672,5582,3,MCH,28.0,28,pg,pg,5603 +604525497,2609672,1237,1,anion gap,5.0,5,,,1296 +606180550,2609672,5582,3,MPV,10.4,10.4,fL,fL,5603 +604525498,2609672,1237,1,bicarbonate,27.0,27,mmol/L,MEQ/L,1296 +606180552,2609672,5582,3,platelets x 1000,264.0,264,K/mcL,TH/uL,5603 +604441383,2609672,1237,1,calcium,9.0,9.0,mg/dL,mg/dL,1296 +608767201,2609672,4094,3,RDW,14.8,14.8,%,%,4098 +606180544,2609672,5582,3,-monos,10.0,10,%,%,5603 +608767194,2609672,4094,3,Hct,27.0,27,%,%,4098 +604525503,2609672,1237,1,potassium,5.4,5.4,mmol/L,MEQ/L,1296 +608767195,2609672,4094,3,-polys,67.0,67,%,%,4098 +606180545,2609672,5582,3,Hgb,8.3,8.3,g/dL,g/dL,5603 +610838420,2609672,-833,4,bedside glucose,,<30,mg/dL,mg/dL,-833 +604441382,2609672,1237,1,BUN,34.0,34,mg/dL,mg/dL,1296 +608767199,2609672,4094,3,WBC x 1000,10.27,10.27,K/mcL,TH/uL,4098 +606180557,2609672,5582,3,RBC,2.94,2.94,M/mcL,MIL/uL,5603 +610779785,2609672,-302,4,bedside glucose,117.0,117,mg/dL,mg/dL,-302 +611556910,2609672,3003,4,bedside glucose,131.0,131,mg/dL,mg/dL,3003 +610544833,2609672,-246,4,bedside glucose,68.0,68,mg/dL,mg/dL,-246 +604525502,2609672,1237,1,sodium,130.0,130,mmol/L,MEQ/L,1296 +611131154,2609672,-357,4,free T4,1.1,1.1,ng/dL,ng/dL,21 +610526584,2609672,1772,4,bedside glucose,175.0,175,mg/dL,mg/dL,1772 +608767197,2609672,4094,3,MCH,29.0,29,pg,pg,4098 +610249056,2609672,6902,3,-polys,60.0,60,%,%,6913 +606180546,2609672,5582,3,MCHC,32.0,32,g/dL,%,5603 +610249057,2609672,6902,3,-monos,11.0,11,%,%,6913 +611295321,2609672,-163,4,bedside glucose,50.0,50,mg/dL,mg/dL,-163 +610249060,2609672,6902,3,MCH,28.0,28,pg,pg,6913 +604441697,2609672,117,1,sodium,132.0,132,mmol/L,MEQ/L,168 +610249053,2609672,6902,3,-eos,8.0,8,%,%,6913 +608767198,2609672,4094,3,Hgb,9.0,9.0,g/dL,g/dL,4098 +607462496,2609672,6902,3,MPV,10.0,10.0,fL,fL,6913 +604525499,2609672,1237,1,creatinine,1.3,1.3,mg/dL,mg/dL,1296 +610249058,2609672,6902,3,Hct,26.0,26,%,%,6913 +610773380,2609672,131,4,bedside glucose,83.0,83,mg/dL,mg/dL,131 +607462497,2609672,6902,3,Hgb,8.2,8.2,g/dL,g/dL,6913 +604441694,2609672,117,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,168 +610249054,2609672,6902,3,MCHC,32.0,32,g/dL,%,6913 +608767192,2609672,4094,3,MPV,10.4,10.4,fL,fL,4098 +607462498,2609672,6902,3,platelets x 1000,262.0,262,K/mcL,TH/uL,6913 +606180553,2609672,5582,3,Hct,26.0,26,%,%,5603 +610249059,2609672,6902,3,-lymphs,21.0,21,%,%,6913 +611410365,2609672,4487,4,bedside glucose,112.0,112,mg/dL,mg/dL,4487 +607462495,2609672,6902,3,MCV,88.0,88,fL,fL,6913 +604441695,2609672,117,1,AST (SGOT),33.0,33,Units/L,IU/L,168 +605689013,2609672,-896,3,RDW,14.7,14.7,%,%,-880 +608767193,2609672,4094,3,platelets x 1000,262.0,262,K/mcL,TH/uL,4098 +610249055,2609672,6902,3,WBC x 1000,6.22,6.22,K/mcL,TH/uL,6913 +604525496,2609672,1237,1,phosphate,4.3,4.3,mg/dL,mg/dL,1296 +610248510,2609672,-896,3,MPV,10.5,10.5,fL,fL,-880 +611222381,2609672,1598,4,bedside glucose,140.0,140,mg/dL,mg/dL,1598 +611727106,2609672,6437,4,bedside glucose,121.0,121,mg/dL,mg/dL,6437 +610249117,2609672,4094,3,-monos,10.0,10,%,%,4098 +605689012,2609672,-896,3,MCH,29.0,29,pg,pg,-880 +611061947,2609672,832,4,bedside glucose,158.0,158,mg/dL,mg/dL,832 +599414683,2609672,4094,1,glucose,85.0,85,mg/dL,mg/dL,4128 +606180554,2609672,5582,3,-eos,5.0,5,%,%,5603 +610248511,2609672,-896,3,-lymphs,8.0,8,%,%,-880 +608767196,2609672,4094,3,MCHC,33.0,33,g/dL,%,4098 +612058740,2609672,328,4,bedside glucose,169.0,169,mg/dL,mg/dL,328 +604441692,2609672,117,1,creatinine,1.2,1.2,mg/dL,mg/dL,168 +605689008,2609672,-896,3,WBC x 1000,15.12,15.12,K/mcL,TH/uL,-880 +610880611,2609672,-599,4,bedside glucose,87.0,87,mg/dL,mg/dL,-599 +599414690,2609672,4094,1,phosphate,4.6,4.6,mg/dL,mg/dL,4128 +618186844,2609672,-868,7,Methemoglobin,0.7,0.7,%,% THB,-849 +610248516,2609672,-896,3,RBC,3.62,3.62,M/mcL,MIL/uL,-880 +604525501,2609672,1237,1,chloride,98.0,98,mmol/L,MEQ/L,1296 +607462494,2609672,6902,3,RBC,2.89,2.89,M/mcL,MIL/uL,6913 +611022593,2609672,6198,4,bedside glucose,125.0,125,mg/dL,mg/dL,6198 +605689007,2609672,-896,3,platelets x 1000,344.0,344,K/mcL,TH/uL,-880 +618186842,2609672,-868,7,Carboxyhemoglobin,1.7,1.7,%,% THB,-849 +599414685,2609672,4094,1,anion gap,7.0,7,,,4128 +610249116,2609672,4094,3,-eos,3.0,3,%,%,4098 +610248513,2609672,-896,3,Hgb,10.6,10.6,g/dL,g/dL,-880 +611235666,2609672,-748,4,bedside glucose,53.0,53,mg/dL,mg/dL,-748 +612049695,2609672,-350,4,bedside glucose,40.0,40,mg/dL,mg/dL,-350 +602487588,2609672,-357,1,magnesium,2.1,2.1,mg/dL,mg/dL,2 +605689009,2609672,-896,3,-monos,6.0,6,%,%,-880 +606180556,2609672,5582,3,WBC x 1000,7.3,7.30,K/mcL,TH/uL,5603 +599414693,2609672,4094,1,chloride,97.0,97,mmol/L,MEQ/L,4128 +608767200,2609672,4094,3,-lymphs,20.0,20,%,%,4098 +604827418,2609672,-169,3,-eos,1.0,1,%,%,-162 +618186843,2609672,-868,7,paO2,135.0,135,mm Hg,mm Hg,-849 +603716556,2609672,117,1,albumin,3.0,3.0,g/dL,g/dL,168 +604441696,2609672,117,1,total protein,5.8,5.8,g/dL,g/dL,168 +604827419,2609672,-169,3,MPV,10.0,10.0,fL,fL,-162 +610805500,2609672,1153,4,bedside glucose,143.0,143,mg/dL,mg/dL,1153 +611540417,2609672,-39,4,bedside glucose,66.0,66,mg/dL,mg/dL,-39 +618851827,2609672,-868,7,HCO3,28.5,28.5,mmol/L,MEQ/L,-849 +598722733,2609672,5582,1,glucose,78.0,78,mg/dL,mg/dL,5607 +601424290,2609672,-357,1,potassium,5.6,5.6,mmol/L,MEQ/L,2 +610248514,2609672,-896,3,MCV,90.0,90,fL,fL,-880 +604525500,2609672,1237,1,albumin,2.9,2.9,g/dL,g/dL,1296 +604827417,2609672,-169,3,-lymphs,11.0,11,%,%,-162 +601424296,2609672,-357,1,anion gap,8.0,8,,,2 +599414689,2609672,4094,1,sodium,132.0,132,mmol/L,MEQ/L,4128 +610249118,2609672,4094,3,RBC,3.1,3.10,M/mcL,MIL/uL,4098 +598722738,2609672,5582,1,albumin,2.4,2.4,g/dL,g/dL,5607 +601424293,2609672,-357,1,chloride,100.0,100,mmol/L,MEQ/L,2 +603716553,2609672,117,1,ALT (SGPT),25.0,25,Units/L,IU/L,168 +618851828,2609672,-868,7,pH,7.41,7.41,,units,-849 +604827412,2609672,-169,3,-monos,11.0,11,%,%,-162 +601424298,2609672,-357,1,bicarbonate,27.0,27,mmol/L,MEQ/L,2 +610249052,2609672,6902,3,RDW,15.0,15.0,%,%,6913 +606180547,2609672,5582,3,RDW,14.8,14.8,%,%,5603 +598722740,2609672,5582,1,sodium,136.0,136,mmol/L,MEQ/L,5607 +610881950,2609672,650,4,bedside glucose,152.0,152,mg/dL,mg/dL,650 +605689010,2609672,-896,3,-eos,0.0,0,%,%,-880 +604441693,2609672,117,1,chloride,98.0,98,mmol/L,MEQ/L,168 +604827420,2609672,-169,3,RBC,3.28,3.28,M/mcL,MIL/uL,-162 +601424291,2609672,-357,1,creatinine,1.2,1.2,mg/dL,mg/dL,2 +599414688,2609672,4094,1,BUN,52.0,52,mg/dL,mg/dL,4128 +618851834,2609672,-868,7,O2 Content,15.3,15.3,mls/dL,mL/dL,-849 +598722741,2609672,5582,1,bicarbonate,27.0,27,mmol/L,MEQ/L,5607 +610967725,2609672,4996,4,bedside glucose,152.0,152,mg/dL,mg/dL,4996 +603716554,2609672,117,1,calcium,8.6,8.6,mg/dL,mg/dL,168 +610788014,2609672,7073,4,bedside glucose,76.0,76,mg/dL,mg/dL,7073 +604827409,2609672,-169,3,platelets x 1000,268.0,268,K/mcL,TH/uL,-162 +601424295,2609672,-357,1,BUN,39.0,39,mg/dL,mg/dL,2 +611881506,2609672,-119,4,bedside glucose,53.0,53,mg/dL,mg/dL,-119 +610705379,2609672,-894,4,bedside glucose,91.0,91,mg/dL,mg/dL,-894 +598722736,2609672,5582,1,phosphate,3.9,3.9,mg/dL,mg/dL,5607 +610919049,2609672,3553,4,bedside glucose,135.0,135,mg/dL,mg/dL,3553 +610248515,2609672,-896,3,-polys,85.0,85,%,%,-880 +618851833,2609672,-868,7,Oxyhemoglobin,98.0,98.0,%,% THB,-849 +604827414,2609672,-169,3,Hct,29.0,29,%,%,-162 +601424294,2609672,-357,1,sodium,135.0,135,mmol/L,MEQ/L,2 +599414687,2609672,4094,1,calcium,8.7,8.7,mg/dL,mg/dL,4128 +604441381,2609672,1237,1,glucose,119.0,119,mg/dL,mg/dL,1296 +598722735,2609672,5582,1,potassium,4.5,4.5,mmol/L,MEQ/L,5607 +611419188,2609672,-636,4,bedside glucose,36.0,36,mg/dL,mg/dL,-636 +603716555,2609672,117,1,glucose,70.0,70,mg/dL,mg/dL,168 +604441691,2609672,117,1,potassium,5.4,5.4,mmol/L,MEQ/L,168 +604827415,2609672,-169,3,Hgb,9.5,9.5,g/dL,g/dL,-162 +601424292,2609672,-357,1,glucose,22.0,22,mg/dL,mg/dL,2 +612049863,2609672,-357,4,TSH,1.6,1.60,mcU/ml,uIU/mL,2 +618851829,2609672,-868,7,Base Excess,3.3,3.3,mEq/L,MEQ/L,-849 +598722737,2609672,5582,1,creatinine,1.5,1.5,mg/dL,mg/dL,5607 +612069742,2609672,-539,4,bedside glucose,30.0,30,mg/dL,mg/dL,-539 +605689011,2609672,-896,3,Hct,33.0,33,%,%,-880 +606180555,2609672,5582,3,MCV,88.0,88,fL,fL,5603 +604827416,2609672,-169,3,RDW,14.4,14.4,%,%,-162 +610651151,2609672,713,4,bedside glucose,159.0,159,mg/dL,mg/dL,713 +599414691,2609672,4094,1,creatinine,2.0,2.0,mg/dL,mg/dL,4128 +610249119,2609672,4094,3,MCV,87.0,87,fL,fL,4098 +604441509,2609672,6902,1,creatinine,1.3,1.3,mg/dL,mg/dL,6934 +601424297,2609672,-357,1,calcium,8.6,8.6,mg/dL,mg/dL,2 +598722742,2609672,5582,1,chloride,105.0,105,mmol/L,MEQ/L,5607 +618851831,2609672,-868,7,paCO2,45.0,45,mm Hg,mm Hg,-849 +603716550,2609672,117,1,alkaline phos.,140.0,140,Units/L,IU/L,168 +612049698,2609672,598,4,bedside glucose,152.0,152,mg/dL,mg/dL,598 +604441506,2609672,6902,1,bicarbonate,26.0,26,mmol/L,MEQ/L,6934 +611356808,2609672,1263,4,bedside glucose,135.0,135,mg/dL,mg/dL,1263 +604827413,2609672,-169,3,MCHC,33.0,33,g/dL,%,-162 +611618466,2609672,2576,4,bedside glucose,107.0,107,mg/dL,mg/dL,2576 +611257341,2609672,53,4,bedside glucose,68.0,68,mg/dL,mg/dL,53 +610557829,2609672,5879,4,bedside glucose,123.0,123,mg/dL,mg/dL,5879 +601178452,2609672,-691,1,chloride,101.0,101,mmol/L,MEQ/L,-656 +611521867,2609672,-514,4,bedside glucose,140.0,140,mg/dL,mg/dL,-514 +598722739,2609672,5582,1,BUN,45.0,45,mg/dL,mg/dL,5607 +618851832,2609672,-868,7,LPM O2,5.0,5.00,L/min,L/min,-849 +610248512,2609672,-896,3,MCHC,32.0,32,g/dL,%,-880 +604440858,2609672,-896,1,creatinine,1.3,1.3,mg/dL,mg/dL,-866 +604441505,2609672,6902,1,BUN,35.0,35,mg/dL,mg/dL,6934 +604520736,2609672,-896,1,sodium,137.0,137,mmol/L,MEQ/L,-866 +604827410,2609672,-169,3,MCH,29.0,29,pg,pg,-162 +604440859,2609672,-896,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-866 +599414684,2609672,4094,1,potassium,5.1,5.1,mmol/L,MEQ/L,4128 +604520735,2609672,-896,1,BUN,43.0,43,mg/dL,mg/dL,-866 +601178453,2609672,-691,1,calcium,8.4,8.4,mg/dL,mg/dL,-656 +604440866,2609672,-896,1,calcium,8.8,8.8,mg/dL,mg/dL,-866 +598722732,2609672,5582,1,anion gap,4.0,4,,,5607 +604520737,2609672,-896,1,ALT (SGPT),28.0,28,Units/L,IU/L,-866 +603716551,2609672,117,1,BUN,33.0,33,mg/dL,mg/dL,168 +604440865,2609672,-896,1,alkaline phos.,180.0,180,Units/L,IU/L,-866 +604441507,2609672,6902,1,potassium,4.8,4.8,mmol/L,MEQ/L,6934 +604520738,2609672,-896,1,albumin,3.8,3.8,g/dL,g/dL,-866 +604827411,2609672,-169,3,MCV,87.0,87,fL,fL,-162 +604440863,2609672,-896,1,total protein,7.1,7.1,g/dL,g/dL,-866 +611951616,2609672,2100,4,bedside glucose,171.0,171,mg/dL,mg/dL,2100 +602273114,2609672,117,1,cortisol,39.1,39.1,mcg/dL,ug/dL,528 +601178454,2609672,-691,1,anion gap,7.0,7,,,-656 +604440860,2609672,-896,1,glucose,274.0,274,mg/dL,mg/dL,-866 +598722734,2609672,5582,1,calcium,8.2,8.2,mg/dL,mg/dL,5607 +611774583,2609672,887,4,bedside glucose,169.0,169,mg/dL,mg/dL,887 +611653413,2609672,-883,4,bedside glucose,125.0,125,mg/dL,mg/dL,-883 +604440861,2609672,-896,1,potassium,5.1,5.1,mmol/L,MEQ/L,-866 +604441508,2609672,6902,1,calcium,8.3,8.3,mg/dL,mg/dL,6934 +598472123,2609672,6902,1,anion gap,5.0,5,,,6934 +611664830,2609672,430,4,bedside glucose,166.0,166,mg/dL,mg/dL,430 +604520734,2609672,-896,1,chloride,96.0,96,mmol/L,MEQ/L,-866 +610249547,2609672,-169,3,WBC x 1000,10.75,10.75,K/mcL,TH/uL,-162 +598472122,2609672,6902,1,chloride,105.0,105,mmol/L,MEQ/L,6934 +612008083,2609672,4776,4,bedside glucose,130.0,130,mg/dL,mg/dL,4776 +604440862,2609672,-896,1,bicarbonate,31.0,31,mmol/L,MEQ/L,-866 +599414686,2609672,4094,1,bicarbonate,29.0,29,mmol/L,MEQ/L,4128 +598472121,2609672,6902,1,sodium,136.0,136,mmol/L,MEQ/L,6934 +612049847,2609672,-433,4,bedside glucose,,<30,mg/dL,mg/dL,-433 +611827679,2609672,2349,4,bedside glucose,152.0,152,mg/dL,mg/dL,2349 +603716552,2609672,117,1,anion gap,5.0,5,,,168 +610415526,2609672,-357,4,TSH,1.58,1.58,mcU/ml,uIU/mL,45 +611910117,2609672,1217,4,bedside glucose,126.0,126,mg/dL,mg/dL,1217 +604440857,2609672,-896,1,AST (SGOT),38.0,38,Units/L,IU/L,-866 +610249546,2609672,-169,3,-polys,77.0,77,%,%,-162 +598472120,2609672,6902,1,glucose,80.0,80,mg/dL,mg/dL,6934 +612049776,2609672,5630,4,bedside glucose,104.0,104,mg/dL,mg/dL,5630 +610819405,2609672,1012,4,bedside glucose,160.0,160,mg/dL,mg/dL,1012 +611549402,2609672,-1,4,bedside glucose,64.0,64,mg/dL,mg/dL,-1 +598258416,2609672,4,1,cortisol,13.6,13.6,mcg/dL,ug/dL,240 +611645838,2609672,1333,4,bedside glucose,114.0,114,mg/dL,mg/dL,1333 +599535870,2609672,87,1,cortisol,32.9,32.9,mcg/dL,ug/dL,455 +610399750,2609672,-905,4,bedside glucose,39.0,39,mg/dL,mg/dL,-905 +604440864,2609672,-896,1,anion gap,10.0,10,,,-866 +610458477,2609672,1469,4,bedside glucose,151.0,151,mg/dL,mg/dL,1469 +611870474,2609672,1066,4,bedside glucose,148.0,148,mg/dL,mg/dL,1066 +611708707,2609672,7342,4,bedside glucose,116.0,116,mg/dL,mg/dL,7342 +604440948,2609672,-691,1,sodium,137.0,137,mmol/L,MEQ/L,-656 +610633692,2609672,372,4,bedside glucose,175.0,175,mg/dL,mg/dL,372 +604440947,2609672,-691,1,potassium,4.9,4.9,mmol/L,MEQ/L,-656 +599414692,2609672,4094,1,albumin,2.8,2.8,g/dL,g/dL,4128 +604440944,2609672,-691,1,bicarbonate,29.0,29,mmol/L,MEQ/L,-656 +598421993,2609672,-868,1,ionized calcium,4.7,4.7,mg/dL,mg/dL,-849 +604440945,2609672,-691,1,BUN,41.0,41,mg/dL,mg/dL,-656 +603716549,2609672,117,1,bicarbonate,29.0,29,mmol/L,MEQ/L,168 +604440943,2609672,-691,1,creatinine,1.2,1.2,mg/dL,mg/dL,-656 +610622185,2609672,-406,4,bedside glucose,124.0,124,mg/dL,mg/dL,-406 +604440946,2609672,-691,1,glucose,39.0,39,mg/dL,mg/dL,-656 +611241530,2609672,3330,4,bedside glucose,122.0,122,mg/dL,mg/dL,3330 +611095262,2609672,4208,4,bedside glucose,101.0,101,mg/dL,mg/dL,4208 +612049653,2609672,-800,4,bedside glucose,131.0,131,mg/dL,mg/dL,-800 +611299965,2609672,2796,4,bedside glucose,93.0,93,mg/dL,mg/dL,2796 +644537719,2672664,-234,1,BUN,75.0,75,mg/dL,mg/dL,-213 +644537707,2672664,-234,1,creatinine,8.33,8.33,mg/dL,mg/dL,-213 +644537705,2672664,-234,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-213 +644537718,2672664,-234,1,chloride,97.0,97,mmol/L,mmol/L,-213 +644537713,2672664,-234,1,bicarbonate,17.0,17,mmol/L,mmol/L,-213 +644537712,2672664,-234,1,albumin,2.0,2.0,g/dL,g/dL,-213 +644537714,2672664,-234,1,total protein,6.3,6.3,g/dL,g/dL,-213 +644537715,2672664,-234,1,calcium,7.4,7.4,mg/dL,mg/dL,-213 +644537711,2672664,-234,1,sodium,134.0,134,mmol/L,mmol/L,-213 +644537716,2672664,-234,1,ALT (SGPT),16.0,16,Units/L,U/L,-213 +641169349,2672664,146,1,calcium,7.4,7.4,mg/dL,mg/dL,171 +644537710,2672664,-234,1,AST (SGOT),16.0,16,Units/L,U/L,-213 +641169345,2672664,146,1,creatinine,7.95,7.95,mg/dL,mg/dL,171 +644537706,2672664,-234,1,potassium,5.0,5.0,mmol/L,mmol/L,-213 +641169344,2672664,146,1,potassium,4.2,4.2,mmol/L,mmol/L,171 +644537708,2672664,-234,1,alkaline phos.,100.0,100,Units/L,U/L,-213 +630090165,2672664,-564,1,potassium,4.2,4.2,mmol/L,mmol/L,-427 +641169346,2672664,146,1,anion gap,14.0,14,,mmol/L,171 +630090171,2672664,-564,1,glucose,270.0,270,mg/dL,mg/dL,-427 +644537709,2672664,-234,1,anion gap,20.0,20,,mmol/L,-213 +630090172,2672664,-564,1,chloride,101.0,101,mmol/L,mmol/L,-427 +641169348,2672664,146,1,bicarbonate,18.0,18,mmol/L,mmol/L,171 +630090173,2672664,-564,1,BUN,77.0,77,mg/dL,mg/dL,-427 +644537717,2672664,-234,1,glucose,418.0,418,mg/dL,mg/dL,-213 +630090166,2672664,-564,1,creatinine,8.26,8.26,mg/dL,mg/dL,-427 +641169347,2672664,146,1,sodium,127.0,127,mmol/L,mmol/L,171 +643763275,2672664,746,1,BUN,63.0,63,mg/dL,mg/dL,977 +630090169,2672664,-564,1,bicarbonate,19.0,19,mmol/L,mmol/L,-427 +671900403,2672664,-1837,4,bedside glucose,434.0,434,mg/dL,mg/dL,-1829 +643763274,2672664,746,1,chloride,108.0,108,mmol/L,mmol/L,977 +630090167,2672664,-564,1,anion gap,16.0,16,,mmol/L,-427 +671961095,2672664,2126,4,bedside glucose,108.0,108,mg/dL,mg/dL,2128 +643763273,2672664,746,1,glucose,970.0,970,mg/dL,mg/dL,984 +630090170,2672664,-564,1,calcium,8.1,8.1,mg/dL,mg/dL,-427 +672954522,2672664,995,4,bedside glucose,103.0,103,mg/dL,mg/dL,996 +643763268,2672664,746,1,creatinine,6.78,6.78,mg/dL,mg/dL,977 +630090168,2672664,-564,1,sodium,136.0,136,mmol/L,mmol/L,-427 +670787310,2672664,-1708,4,bedside glucose,310.0,310,mg/dL,mg/dL,-1705 +643763267,2672664,746,1,potassium,3.1,3.1,mmol/L,mmol/L,977 +656905238,2672664,-1844,3,PT - INR,1.0,1.0,ratio,,-1805 +643763269,2672664,746,1,anion gap,13.0,13,,mmol/L,977 +671581436,2672664,944,4,bedside glucose,134.0,134,mg/dL,mg/dL,947 +653638225,2672664,-1844,3,-basos,0.0,0,%,%,-1813 +643763272,2672664,746,1,calcium,6.3,6.3,mg/dL,mg/dL,977 +653638223,2672664,-1844,3,-lymphs,20.0,20,%,%,-1813 +672248706,2672664,-37,4,bedside glucose,188.0,188,mg/dL,mg/dL,-33 +653638235,2672664,-1844,3,MCHC,32.4,32.4,g/dL,g/dL,-1813 +643763270,2672664,746,1,sodium,137.0,137,mmol/L,mmol/L,977 +653638236,2672664,-1844,3,platelets x 1000,337.0,337,K/mcL,K/uL,-1813 +671579650,2672664,2349,4,bedside glucose,81.0,81,mg/dL,mg/dL,2352 +653638232,2672664,-1844,3,RDW,13.6,13.6,%,%,-1813 +643763271,2672664,746,1,bicarbonate,16.0,16,mmol/L,mmol/L,977 +653638234,2672664,-1844,3,-monos,9.0,9,%,%,-1813 +656905237,2672664,-1844,3,PT,12.3,12.3,sec,sec,-1805 +653638226,2672664,-1844,3,-polys,67.0,67,%,%,-1813 +672119329,2672664,386,4,WBC's in urine,0.0,0,,/(hpf),749 +653638233,2672664,-1844,3,MCH,25.9,25.9,pg,pg,-1813 +673275475,2672664,3743,4,bedside glucose,126.0,126,mg/dL,mg/dL,3746 +653638228,2672664,-1844,3,-eos,4.0,4,%,%,-1813 +672119330,2672664,386,4,urinary specific gravity,1.01,1.010,,,749 +653638229,2672664,-1844,3,MCV,80.0,80,fL,fL,-1813 +644335585,2672664,-74,1,phosphate,3.7,3.7,mg/dL,mg/dL,-49 +653638227,2672664,-1844,3,Hct,29.9,29.9,%,%,-1813 +673063083,2672664,-1605,4,bedside glucose,149.0,149,mg/dL,mg/dL,-1603 +653638230,2672664,-1844,3,Hgb,9.7,9.7,g/dL,g/dL,-1813 +635397535,2672664,-74,1,creatinine,8.64,8.64,mg/dL,mg/dL,-49 +653638231,2672664,-1844,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,-1813 +671548429,2672664,1553,4,bedside glucose,202.0,202,mg/dL,mg/dL,1601 +653638224,2672664,-1844,3,RBC,3.74,3.74,M/mcL,M/uL,-1813 +641631218,2672664,2006,1,BUN,66.0,66,mg/dL,mg/dL,2064 +670922044,2672664,1250,4,bedside glucose,289.0,289,mg/dL,mg/dL,1251 +635397534,2672664,-74,1,potassium,3.8,3.8,mmol/L,mmol/L,-49 +650823210,2672664,-1844,3,PTT,30.9,30.9,sec,sec,-1805 +671198856,2672664,-1036,4,bedside glucose,284.0,284,mg/dL,mg/dL,-1034 +670996440,2672664,2700,4,bedside glucose,223.0,223,mg/dL,mg/dL,2731 +671063630,2672664,24,4,bedside glucose,226.0,226,mg/dL,mg/dL,26 +641631217,2672664,2006,1,chloride,100.0,100,mmol/L,mmol/L,2063 +626415543,2672664,996,1,sodium,136.0,136,mmol/L,mmol/L,1031 +635397536,2672664,-74,1,anion gap,17.0,17,,mmol/L,-49 +631471044,2672664,-1844,1,calcium,7.7,7.7,mg/dL,mg/dL,-1768 +673241807,2672664,-84,4,bedside glucose,201.0,201,mg/dL,mg/dL,-33 +626415541,2672664,996,1,creatinine,7.81,7.81,mg/dL,mg/dL,1031 +641631211,2672664,2006,1,creatinine,8.13,8.13,mg/dL,mg/dL,2063 +631471043,2672664,-1844,1,bicarbonate,19.0,19,mmol/L,mmol/L,-1768 +635397541,2672664,-74,1,chloride,103.0,103,mmol/L,mmol/L,-49 +672452434,2672664,3658,4,bedside glucose,121.0,121,mg/dL,mg/dL,3665 +672567904,2672664,174,4,bedside glucose,233.0,233,mg/dL,mg/dL,175 +631471039,2672664,-1844,1,potassium,5.8,5.8,mmol/L,mmol/L,-1768 +641631213,2672664,2006,1,sodium,134.0,134,mmol/L,mmol/L,2063 +626415542,2672664,996,1,anion gap,14.0,14,,mmol/L,1031 +635397540,2672664,-74,1,glucose,233.0,233,mg/dL,mg/dL,-49 +631471041,2672664,-1844,1,anion gap,15.0,15,,mmol/L,-1768 +672979988,2672664,-1141,4,bedside glucose,320.0,320,mg/dL,mg/dL,-1138 +670210065,2672664,2006,3,-eos,2.0,2,%,%,2090 +641631214,2672664,2006,1,bicarbonate,21.0,21,mmol/L,mmol/L,2063 +656175688,2672664,2006,3,-monos,10.0,10,%,%,2090 +635397542,2672664,-74,1,BUN,76.0,76,mg/dL,mg/dL,-49 +626415540,2672664,996,1,potassium,3.6,3.6,mmol/L,mmol/L,1031 +672195307,2672664,3325,4,bedside glucose,100.0,100,mg/dL,mg/dL,3329 +631471042,2672664,-1844,1,sodium,132.0,132,mmol/L,mmol/L,-1768 +641631210,2672664,2006,1,potassium,4.1,4.1,mmol/L,mmol/L,2063 +670210067,2672664,2006,3,Hgb,10.8,10.8,g/dL,g/dL,2090 +635397539,2672664,-74,1,calcium,7.9,7.9,mg/dL,mg/dL,-49 +656175689,2672664,2006,3,MCHC,33.8,33.8,g/dL,g/dL,2090 +674379948,2672664,-144,4,bedside glucose,240.0,240,mg/dL,mg/dL,-33 +626415544,2672664,996,1,bicarbonate,21.0,21,mmol/L,mmol/L,1031 +641631215,2672664,2006,1,calcium,8.5,8.5,mg/dL,mg/dL,2063 +631471040,2672664,-1844,1,creatinine,8.41,8.41,mg/dL,mg/dL,-1768 +674154498,2672664,573,4,bedside glucose,395.0,395,mg/dL,mg/dL,575 +670210066,2672664,2006,3,MCV,78.0,78,fL,fL,2090 +670805303,2672664,2861,4,bedside glucose,74.0,74,mg/dL,mg/dL,2863 +656175690,2672664,2006,3,platelets x 1000,192.0,192,K/mcL,K/uL,2090 +641631212,2672664,2006,1,anion gap,13.0,13,,mmol/L,2063 +626415547,2672664,996,1,chloride,101.0,101,mmol/L,mmol/L,1031 +635397538,2672664,-74,1,bicarbonate,18.0,18,mmol/L,mmol/L,-49 +631537318,2672664,146,1,glucose,511.0,511,mg/dL,mg/dL,171 +674372107,2672664,886,4,bedside glucose,187.0,187,mg/dL,mg/dL,893 +670210063,2672664,2006,3,-polys,74.0,74,%,%,2090 +641631216,2672664,2006,1,glucose,194.0,194,mg/dL,mg/dL,2064 +656175687,2672664,2006,3,MCH,26.2,26.2,pg,pg,2090 +674059413,2672664,499,4,bedside glucose,398.0,398,mg/dL,mg/dL,502 +626415548,2672664,996,1,BUN,71.0,71,mg/dL,mg/dL,1031 +671278099,2672664,-439,4,bedside glucose,231.0,231,mg/dL,mg/dL,-438 +631471047,2672664,-1844,1,BUN,76.0,76,mg/dL,mg/dL,-1768 +635397537,2672664,-74,1,sodium,138.0,138,mmol/L,mmol/L,-49 +670210061,2672664,2006,3,RBC,4.13,4.13,M/mcL,M/uL,2090 +709135922,2672664,-79,7,Base Deficit,7.0,7.0,mEq/L,mmol/L,-56 +674177535,2672664,2907,4,bedside glucose,79.0,79,mg/dL,mg/dL,2911 +673331640,2672664,-741,4,bedside glucose,267.0,267,mg/dL,mg/dL,-734 +671024130,2672664,-284,4,bedside glucose,356.0,356,mg/dL,mg/dL,-283 +624970451,2672664,-1534,1,potassium,3.9,3.9,mmol/L,mmol/L,-1480 +674338812,2672664,2278,4,bedside glucose,50.0,50,mg/dL,mg/dL,2280 +637626778,2672664,396,1,BUN,76.0,76,mg/dL,mg/dL,463 +631537319,2672664,146,1,chloride,95.0,95,mmol/L,mmol/L,171 +624970452,2672664,-1534,1,creatinine,8.52,8.52,mg/dL,mg/dL,-1480 +674112078,2672664,1036,4,bedside glucose,139.0,139,mg/dL,mg/dL,1038 +637626775,2672664,396,1,calcium,7.8,7.8,mg/dL,mg/dL,463 +670210064,2672664,2006,3,Hct,32.0,32.0,%,%,2090 +624970454,2672664,-1534,1,sodium,140.0,140,mmol/L,mmol/L,-1480 +656175685,2672664,2006,3,WBC x 1000,11.7,11.7,K/mcL,K/uL,2090 +637626776,2672664,396,1,glucose,314.0,314,mg/dL,mg/dL,463 +671664536,2672664,3229,4,bedside glucose,144.0,144,mg/dL,mg/dL,3329 +624970455,2672664,-1534,1,bicarbonate,23.0,23,mmol/L,mmol/L,-1480 +626415546,2672664,996,1,glucose,108.0,108,mg/dL,mg/dL,1031 +637626777,2672664,396,1,chloride,100.0,100,mmol/L,mmol/L,463 +631471045,2672664,-1844,1,glucose,457.0,457,mg/dL,mg/dL,-1768 +624970456,2672664,-1534,1,calcium,8.0,8.0,mg/dL,mg/dL,-1480 +642763114,2672664,-1844,1,magnesium,1.6,1.6,mg/dL,mg/dL,-1768 +637626770,2672664,396,1,potassium,5.3,5.3,mmol/L,mmol/L,463 +670210062,2672664,2006,3,-basos,0.0,0,%,%,2090 +624970457,2672664,-1534,1,glucose,128.0,128,mg/dL,mg/dL,-1480 +671518089,2672664,823,4,bedside glucose,195.0,195,mg/dL,mg/dL,828 +637626771,2672664,396,1,creatinine,8.34,8.34,mg/dL,mg/dL,463 +671013715,2672664,-264,4,bedside glucose,357.0,357,mg/dL,mg/dL,1924 +624970458,2672664,-1534,1,chloride,102.0,102,mmol/L,mmol/L,-1480 +674362057,2672664,762,4,bedside glucose,248.0,248,mg/dL,mg/dL,766 +637626772,2672664,396,1,anion gap,18.0,18,,mmol/L,463 +631537320,2672664,146,1,BUN,71.0,71,mg/dL,mg/dL,171 +624970453,2672664,-1534,1,anion gap,15.0,15,,mmol/L,-1480 +673895492,2672664,2461,4,bedside glucose,114.0,114,mg/dL,mg/dL,2465 +637626773,2672664,396,1,sodium,132.0,132,mmol/L,mmol/L,463 +670210060,2672664,2006,3,-lymphs,14.0,14,%,%,2090 +626037109,2672664,-74,1,magnesium,1.5,1.5,mg/dL,mg/dL,-49 +656175686,2672664,2006,3,RDW,13.1,13.1,%,%,2090 +671451156,2672664,-223,4,bedside glucose,375.0,375,mg/dL,mg/dL,-33 +645363679,2672664,396,1,magnesium,2.2,2.2,mg/dL,mg/dL,463 +673834497,2672664,-175,4,bedside glucose,281.0,281,mg/dL,mg/dL,-33 +626415545,2672664,996,1,calcium,7.8,7.8,mg/dL,mg/dL,1031 +637626774,2672664,396,1,bicarbonate,14.0,14,mmol/L,mmol/L,463 +631471046,2672664,-1844,1,chloride,98.0,98,mmol/L,mmol/L,-1768 +624970459,2672664,-1534,1,BUN,77.0,77,mg/dL,mg/dL,-1480 +674489386,2672664,695,4,bedside glucose,271.0,271,mg/dL,mg/dL,744 +671667529,2672664,1946,4,bedside glucose,183.0,183,mg/dL,mg/dL,1949 +672566879,2672664,2969,4,bedside glucose,112.0,112,mg/dL,mg/dL,3004 +86013186,395323,6649,1,calcium,7.2,7.2,mg/dL,mg/dl,6676 +85277630,395323,5258,1,sodium,138.0,138,mmol/L,meq/L,5276 +86013182,395323,6649,1,potassium,4.8,4.8,mmol/L,meq/L,6676 +85277631,395323,5258,1,bicarbonate,20.0,20.0,mmol/L,meq/L,5276 +88584883,395323,3766,3,-monos,6.0,6,%,%,4053 +86013183,395323,6649,1,creatinine,4.01,4.01,mg/dL,mg/dl,6676 +88584880,395323,3766,3,-basos,,1,%,ug/L,4053 +85277632,395323,5258,1,calcium,7.0,7.0,mg/dL,mg/dl,5276 +88584882,395323,3766,3,-eos,2.0,2,%,%,4053 +86013184,395323,6649,1,sodium,135.0,135,mmol/L,meq/L,6676 +88584871,395323,3766,3,Hct,20.8,20.8,%,%,3857 +85277629,395323,5258,1,creatinine,3.76,3.76,mg/dL,mg/dl,5276 +88584881,395323,3766,3,-polys,79.0,79,%,%,4053 +86013185,395323,6649,1,bicarbonate,19.0,19.0,mmol/L,meq/L,6676 +88584878,395323,3766,3,platelets x 1000,511.0,511,K/mcL,K/cmm,3857 +85277628,395323,5258,1,potassium,4.6,4.6,mmol/L,meq/L,5276 +88584877,395323,3766,3,MCHC,33.0,33,g/dL,g/dl,3857 +86013187,395323,6649,1,glucose,112.0,112,mg/dL,mg/dl,6676 +88584874,395323,3766,3,WBC x 1000,10.3,10.3,K/mcL,K/cmm,3857 +85277634,395323,5258,1,chloride,111.0,111,mmol/L,meq/L,5276 +88584875,395323,3766,3,RDW,19.9,19.9,%,%,3857 +86013189,395323,6649,1,BUN,42.0,42,mg/dL,mg/dl,6676 +92369753,395323,6649,3,WBC x 1000,11.7,11.7,K/mcL,K/cmm,6664 +88584873,395323,3766,3,Hgb,6.8,6.8,g/dL,g/dl,3857 +90305825,395323,5258,3,-lymphs,7.0,7,%,%,5297 +92369750,395323,6649,3,-eos,1.0,1,%,%,6664 +90305826,395323,5258,3,RBC,3.28,3.28,M/mcL,M/cmm,5296 +85277635,395323,5258,1,BUN,36.0,36,mg/dL,mg/dl,5276 +90305827,395323,5258,3,-basos,,1,%,ug/L,5297 +92369752,395323,6649,3,Hgb,8.9,8.9,g/dL,g/dl,6664 +90305830,395323,5258,3,-eos,1.0,1,%,%,5297 +88584870,395323,3766,3,RBC,2.63,2.63,M/mcL,M/cmm,3857 +90305837,395323,5258,3,MCHC,33.0,33,g/dL,g/dl,5296 +92369751,395323,6649,3,MCV,83.0,83,fL,fl,6664 +84006976,395323,3766,1,sodium,139.0,139,mmol/L,meq/L,3883 +86013188,395323,6649,1,chloride,107.0,107,mmol/L,meq/L,6676 +90305836,395323,5258,3,-monos,6.0,6,%,%,5297 +92369749,395323,6649,3,Hct,27.2,27.2,%,%,6664 +84006974,395323,3766,1,potassium,4.2,4.2,mmol/L,meq/L,3883 +88584872,395323,3766,3,MCV,79.0,79,fL,fl,3857 +90305838,395323,5258,3,platelets x 1000,530.0,530,K/mcL,K/cmm,5296 +92369747,395323,6649,3,-basos,,1,%,ug/L,6664 +85054453,395323,1966,1,potassium,4.3,4.3,mmol/L,meq/L,2010 +90589345,395323,1966,3,RDW,19.4,19.4,%,%,1991 +84006980,395323,3766,1,chloride,110.0,110,mmol/L,meq/L,3883 +103588055,395323,1425,7,paO2,76.2,76.2,mm Hg,mmHG,1429 +85054457,395323,1966,1,calcium,6.8,6.8,mg/dL,mg/dl,2008 +85277633,395323,5258,1,glucose,121.0,121,mg/dL,mg/dl,5276 +90305832,395323,5258,3,Hgb,8.9,8.9,g/dL,g/dl,5296 +92369756,395323,6649,3,-monos,7.0,7,%,%,6664 +85054456,395323,1966,1,bicarbonate,22.0,22.0,mmol/L,meq/L,2008 +90589346,395323,1966,3,MCH,25.0,25,pg,uug,1991 +84006979,395323,3766,1,glucose,89.0,89,mg/dL,mg/dl,3883 +103588056,395323,1425,7,paCO2,52.7,52.7,mm Hg,mmHG,1429 +85054455,395323,1966,1,sodium,141.0,141,mmol/L,meq/L,2010 +88584879,395323,3766,3,-lymphs,12.0,12,%,%,4053 +90305833,395323,5258,3,WBC x 1000,12.6,12.6,K/mcL,K/cmm,5296 +92369757,395323,6649,3,MCHC,33.0,33,g/dL,g/dl,6664 +85054458,395323,1966,1,glucose,107.0,107,mg/dL,mg/dl,2008 +90589347,395323,1966,3,MCHC,33.0,33,g/dL,g/dl,1991 +84006975,395323,3766,1,creatinine,3.37,3.37,mg/dL,mg/dl,3883 +90021740,395323,1086,3,Hgb,8.0,8.0,g/dL,g/dl,1110 +85054454,395323,1966,1,creatinine,2.0,2.00,mg/dL,mg/dl,2008 +92756993,395323,4661,3,Hgb,9.5,9.5,g/dL,g/dl,4682 +90305834,395323,5258,3,RDW,19.4,19.4,%,%,5296 +92369755,395323,6649,3,MCH,27.0,27,pg,uug,6664 +85054459,395323,1966,1,chloride,109.0,109,mmol/L,meq/L,2010 +90589344,395323,1966,3,WBC x 1000,19.8,19.8,K/mcL,K/cmm,1991 +84006978,395323,3766,1,calcium,7.0,7.0,mg/dL,mg/dl,3883 +103588057,395323,1425,7,pH,7.3,7.300,,,1429 +85054460,395323,1966,1,BUN,17.0,17,mg/dL,mg/dl,2008 +88043590,395323,5242,2,Vancomycin - trough,61.3,61.30,mcg/mL,ug/mL,5277 +97413292,395323,-145,4,urinary specific gravity,1.025,1.025,,,-89 +92369758,395323,6649,3,platelets x 1000,511.0,511,K/mcL,K/cmm,6664 +90305831,395323,5258,3,MCV,82.0,82,fL,fl,5296 +90589343,395323,1966,3,Hgb,7.4,7.4,g/dL,g/dl,1991 +82256777,395323,-117,1,potassium,4.4,4.4,mmol/L,meq/L,-67 +96937395,395323,4111,4,urinary sodium,46.0,46,mmol/L,meq/L,4141 +96302882,395323,2883,4,urinary sodium,41.0,41,mmol/L,meq/L,2899 +89725840,395323,4661,3,Hct,29.0,29.0,%,%,4682 +82256784,395323,-117,1,BUN,13.0,13,mg/dL,mg/dl,-67 +92369746,395323,6649,3,RBC,3.3,3.30,M/mcL,M/cmm,6664 +88301233,395323,-117,3,WBC x 1000,14.5,14.5,K/mcL,K/cmm,-86 +90305828,395323,5258,3,-polys,86.0,86,%,%,5297 +90589348,395323,1966,3,platelets x 1000,690.0,690,K/mcL,K/cmm,1991 +88301235,395323,-117,3,MCH,23.0,23,pg,uug,-86 +82256783,395323,-117,1,chloride,96.0,96,mmol/L,meq/L,-67 +97154117,395323,2883,4,urinary creatinine,37.0,37.0,mg/dL,mg/dL,2907 +88301234,395323,-117,3,RDW,19.1,19.1,%,%,-86 +84006977,395323,3766,1,bicarbonate,17.0,17.0,mmol/L,meq/L,3883 +103371371,395323,112,7,FiO2,21.0,21,%,%,113 +88301231,395323,-117,3,MCV,72.0,72,fL,fl,-86 +82256781,395323,-117,1,calcium,8.1,8.1,mg/dL,mg/dl,-67 +92369748,395323,6649,3,-polys,82.0,82,%,%,6664 +88301237,395323,-117,3,platelets x 1000,790.0,790,K/mcL,K/cmm,-86 +90305835,395323,5258,3,MCH,27.0,27,pg,uug,5296 +90589340,395323,1966,3,RBC,2.9,2.90,M/mcL,M/cmm,1991 +88301232,395323,-117,3,Hgb,6.6,6.6,g/dL,g/dl,-86 +82256782,395323,-117,1,glucose,111.0,111,mg/dL,mg/dl,-67 +91952955,395323,1086,3,Hct,24.9,24.9,%,%,1110 +88301236,395323,-117,3,MCHC,32.0,32,g/dL,g/dl,-86 +96256893,395323,2884,4,urinary specific gravity,1.01,1.010,,,2921 +88043589,395323,2356,2,Vancomycin - trough,97.3,97.30,mcg/mL,ug/mL,2415 +88301229,395323,-117,3,RBC,2.86,2.86,M/mcL,M/cmm,-86 +82256778,395323,-117,1,creatinine,0.62,0.62,mg/dL,mg/dl,-67 +92369754,395323,6649,3,RDW,19.8,19.8,%,%,6664 +88301230,395323,-117,3,Hct,20.7,20.7,%,%,-86 +82515825,395323,5258,1,magnesium,1.4,1.40,mg/dL,meq/L,5276 +90589341,395323,1966,3,Hct,22.7,22.7,%,%,1991 +88301241,395323,-117,3,-eos,0.0,0,%,%,-85 +82256779,395323,-117,1,sodium,134.0,134,mmol/L,meq/L,-67 +96649062,395323,4111,4,urinary creatinine,32.5,32.5,mg/dL,mg/dL,4141 +88301238,395323,-117,3,-lymphs,7.0,7,%,%,-85 +84006981,395323,3766,1,BUN,27.0,27,mg/dL,mg/dl,3883 +88584876,395323,3766,3,MCH,26.0,26,pg,uug,3857 +88301239,395323,-117,3,-basos,,1,%,ug/L,-85 +82256780,395323,-117,1,bicarbonate,26.0,26.0,mmol/L,meq/L,-67 +92369745,395323,6649,3,-lymphs,10.0,10,%,%,6664 +88301242,395323,-117,3,-monos,8.0,8,%,%,-85 +90305829,395323,5258,3,Hct,26.9,26.9,%,%,5296 +90589342,395323,1966,3,MCV,78.0,78,fL,fl,1991 +88301240,395323,-117,3,-polys,85.0,85,%,%,-85 +86013685,395323,-117,1,lactate,0.8,0.8,mmol/L,mmol/L,-67 +651531928,2743241,-268,3,Hgb,14.4,14.4,g/dL,g/dL,-256 +628777261,2743241,232,1,anion gap,16.2,16.2,,mmol/L,338 +651602874,2743241,1694,3,Hgb,13.0,13.0,g/dL,g/dL,1727 +628777263,2743241,232,1,sodium,131.0,131,mmol/L,mmol/L,338 +651531927,2743241,-268,3,MCV,93.0,93,fL,fL,-256 +628777262,2743241,232,1,AST (SGOT),20.0,20,Units/L,U/L,338 +651602878,2743241,1694,3,-monos,8.0,8,%,%,1727 +628777257,2743241,232,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,338 +651531926,2743241,-268,3,-eos,0.0,0,%,%,-256 +628777267,2743241,232,1,calcium,8.5,8.5,mg/dL,mg/dL,338 +651602879,2743241,1694,3,MCHC,32.7,32.7,g/dL,g/dL,1727 +628777269,2743241,232,1,glucose,90.0,90,mg/dL,mg/dL,338 +651531922,2743241,-268,3,RBC,4.48,4.48,M/mcL,M/uL,-256 +628777264,2743241,232,1,albumin,2.2,2.2,g/dL,g/dL,338 +651602880,2743241,1694,3,platelets x 1000,202.0,202,K/mcL,K/uL,1727 +628777258,2743241,232,1,potassium,4.2,4.2,mmol/L,mmol/L,338 +651531921,2743241,-268,3,-lymphs,6.0,6,%,%,-256 +628777265,2743241,232,1,bicarbonate,24.0,24,mmol/L,mmol/L,338 +649874601,2743241,6527,3,Hct,44.2,44.2,%,%,6576 +651602875,2743241,1694,3,WBC x 1000,9.8,9.8,K/mcL,K/uL,1727 +649874602,2743241,6527,3,-eos,0.0,0,%,%,6577 +643798378,2743241,3117,1,direct bilirubin,0.3,0.3,mg/dL,mg/dL,3161 +649874603,2743241,6527,3,MCV,96.0,96,fL,fL,6576 +651531923,2743241,-268,3,-basos,0.0,0,%,%,-256 +649874604,2743241,6527,3,Hgb,14.2,14.2,g/dL,g/dL,6576 +628777268,2743241,232,1,ALT (SGPT),14.0,14,Units/L,U/L,338 +649874600,2743241,6527,3,-polys,90.0,90,%,%,6577 +651602877,2743241,1694,3,MCH,31.5,31.5,pg,pg,1727 +649874597,2743241,6527,3,-lymphs,5.0,5,%,%,6577 +643798379,2743241,3117,1,ALT (SGPT),7.0,7,Units/L,U/L,3161 +649874598,2743241,6527,3,RBC,4.59,4.59,M/mcL,M/uL,6576 +651531934,2743241,-268,3,platelets x 1000,257.0,257,K/mcL,K/uL,-256 +649874606,2743241,6527,3,RDW,14.9,14.9,%,%,6576 +628777266,2743241,232,1,total protein,5.9,5.9,g/dL,g/dL,338 +649874607,2743241,6527,3,MCH,30.9,30.9,pg,pg,6576 +651602873,2743241,1694,3,MCV,96.0,96,fL,fL,1727 +649874609,2743241,6527,3,MCHC,32.1,32.1,g/dL,g/dL,6576 +634375759,2743241,984,1,glucose,110.0,110,mg/dL,mg/dL,1020 +649874608,2743241,6527,3,-monos,5.0,5,%,%,6577 +651531924,2743241,-268,3,-polys,88.0,88,%,%,-256 +649874610,2743241,6527,3,platelets x 1000,208.0,208,K/mcL,K/uL,6576 +643798373,2743241,3117,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,3161 +649874599,2743241,6527,3,-basos,0.0,0,%,%,6577 +651602867,2743241,1694,3,-lymphs,3.0,3,%,%,1727 +647173246,2743241,1703,1,lipase,65.0,65,Units/L,U/L,2296 +649874605,2743241,6527,3,WBC x 1000,8.5,8.5,K/mcL,K/uL,6576 +634375758,2743241,984,1,calcium,8.6,8.6,mg/dL,mg/dL,1020 +631436084,2743241,11012,1,sodium,138.0,138,mmol/L,mmol/L,11034 +651531929,2743241,-268,3,WBC x 1000,17.4,17.4,K/mcL,K/uL,-256 +631436085,2743241,11012,1,bicarbonate,21.0,21,mmol/L,mmol/L,11034 +628777270,2743241,232,1,chloride,95.0,95,mmol/L,mmol/L,338 +631436083,2743241,11012,1,anion gap,18.5,18.5,,mmol/L,11034 +651602869,2743241,1694,3,-basos,0.0,0,%,%,1727 +631436086,2743241,11012,1,calcium,8.6,8.6,mg/dL,mg/dL,11034 +634375760,2743241,984,1,chloride,100.0,100,mmol/L,mmol/L,1020 +631436087,2743241,11012,1,glucose,170.0,170,mg/dL,mg/dL,11034 +651531932,2743241,-268,3,-monos,6.0,6,%,%,-256 +631436081,2743241,11012,1,potassium,3.5,3.5,mmol/L,mmol/L,11034 +643798374,2743241,3117,1,alkaline phos.,76.0,76,Units/L,U/L,3161 +631436082,2743241,11012,1,creatinine,2.13,2.13,mg/dL,mg/dL,11034 +651602868,2743241,1694,3,RBC,4.13,4.13,M/mcL,M/uL,1727 +631436088,2743241,11012,1,chloride,102.0,102,mmol/L,mmol/L,11034 +634375761,2743241,984,1,BUN,46.0,46,mg/dL,mg/dL,1020 +631436089,2743241,11012,1,BUN,61.0,61,mg/dL,mg/dL,11034 +643360538,2743241,11757,1,anion gap,16.9,16.9,,mmol/L,11827 +661459665,2743241,232,3,MCH,31.5,31.5,pg,pg,311 +628777260,2743241,232,1,alkaline phos.,104.0,104,Units/L,U/L,338 +663802511,2743241,3117,3,MCHC,32.8,32.8,g/dL,g/dL,3129 +651531933,2743241,-268,3,MCHC,34.4,34.4,g/dL,g/dL,-256 +661459663,2743241,232,3,WBC x 1000,9.7,9.7,K/mcL,K/uL,311 +634375754,2743241,984,1,creatinine,2.23,2.23,mg/dL,mg/dL,1020 +646147531,2743241,3117,1,potassium,3.2,3.2,mmol/L,mmol/L,3159 +643360536,2743241,11757,1,potassium,2.9,2.9,mmol/L,mmol/L,11827 +663802512,2743241,3117,3,platelets x 1000,188.0,188,K/mcL,K/uL,3129 +643798377,2743241,3117,1,total protein,5.6,5.6,g/dL,g/dL,3161 +646147533,2743241,3117,1,anion gap,13.2,13.2,,mmol/L,3159 +657165629,2743241,4557,3,MCH,32.5,32.5,pg,pg,4582 +661459667,2743241,232,3,MCHC,33.1,33.1,g/dL,g/dL,311 +634375757,2743241,984,1,bicarbonate,25.0,25,mmol/L,mmol/L,1020 +637641995,2743241,9197,1,magnesium,1.4,1.4,mg/dL,mg/dL,9417 +651602871,2743241,1694,3,Hct,39.7,39.7,%,%,1727 +646147532,2743241,3117,1,creatinine,2.37,2.37,mg/dL,mg/dL,3159 +639087969,2743241,10442,1,calcium,8.4,8.4,mg/dL,mg/dL,10480 +630942922,2743241,13187,1,anion gap,13.2,13.2,,mmol/L,13229 +628777259,2743241,232,1,creatinine,2.27,2.27,mg/dL,mg/dL,338 +640322526,2743241,-268,1,AST (SGOT),32.0,32,Units/L,U/L,-232 +657165627,2743241,4557,3,WBC x 1000,7.5,7.5,K/mcL,K/uL,4582 +663802500,2743241,3117,3,RBC,4.23,4.23,M/mcL,M/uL,3129 +639087968,2743241,10442,1,bicarbonate,24.0,24,mmol/L,mmol/L,10480 +640322527,2743241,-268,1,sodium,128.0,128,mmol/L,mmol/L,-232 +634375755,2743241,984,1,anion gap,13.8,13.8,,mmol/L,1020 +639664974,2743241,4557,1,chloride,113.0,113,mmol/L,mmol/L,4600 +643360542,2743241,11757,1,glucose,141.0,141,mg/dL,mg/dL,11827 +640322535,2743241,-268,1,BUN,50.0,50,mg/dL,mg/dL,-232 +639087970,2743241,10442,1,glucose,136.0,136,mg/dL,mg/dL,10480 +661459664,2743241,232,3,RDW,14.7,14.7,%,%,311 +635763149,2743241,1694,1,calcium,8.3,8.3,mg/dL,mg/dL,1731 +640322534,2743241,-268,1,chloride,90.0,90,mmol/L,mmol/L,-232 +657165628,2743241,4557,3,RDW,14.8,14.8,%,%,4582 +630942924,2743241,13187,1,bicarbonate,24.0,24,mmol/L,mmol/L,13229 +639087971,2743241,10442,1,chloride,102.0,102,mmol/L,mmol/L,10480 +640322528,2743241,-268,1,albumin,2.4,2.4,g/dL,g/dL,-232 +643798375,2743241,3117,1,AST (SGOT),12.0,12,Units/L,U/L,3161 +663802510,2743241,3117,3,-monos,9.0,9,%,%,3129 +651531925,2743241,-268,3,Hct,41.8,41.8,%,%,-256 +640322529,2743241,-268,1,bicarbonate,27.0,27,mmol/L,mmol/L,-232 +639087967,2743241,10442,1,sodium,138.0,138,mmol/L,mmol/L,10480 +639664970,2743241,4557,1,sodium,147.0,147,mmol/L,mmol/L,4600 +635763151,2743241,1694,1,chloride,102.0,102,mmol/L,mmol/L,1731 +631063831,2743241,6527,1,BUN,42.0,42,mg/dL,mg/dL,6566 +657165630,2743241,4557,3,-monos,11.0,11,%,%,4582 +661459661,2743241,232,3,MCV,95.0,95,fL,fL,311 +639087966,2743241,10442,1,anion gap,14.7,14.7,,mmol/L,10480 +640322525,2743241,-268,1,anion gap,15.9,15.9,,mmol/L,-232 +634375756,2743241,984,1,sodium,135.0,135,mmol/L,mmol/L,1020 +630942921,2743241,13187,1,creatinine,1.87,1.87,mg/dL,mg/dL,13229 +643360543,2743241,11757,1,chloride,102.0,102,mmol/L,mmol/L,11827 +631063822,2743241,6527,1,AST (SGOT),,<10,Units/L,U/L,6566 +639087972,2743241,10442,1,BUN,60.0,60,mg/dL,mg/dL,10480 +663802507,2743241,3117,3,WBC x 1000,8.7,8.7,K/mcL,K/uL,3129 +635763150,2743241,1694,1,glucose,152.0,152,mg/dL,mg/dL,1731 +640322533,2743241,-268,1,glucose,104.0,104,mg/dL,mg/dL,-225 +657165626,2743241,4557,3,Hgb,14.5,14.5,g/dL,g/dL,4582 +639664969,2743241,4557,1,anion gap,14.7,14.7,,mmol/L,4600 +639087965,2743241,10442,1,creatinine,2.09,2.09,mg/dL,mg/dL,10480 +631063821,2743241,6527,1,anion gap,14.9,14.9,,mmol/L,6566 +628777271,2743241,232,1,BUN,50.0,50,mg/dL,mg/dL,338 +661459666,2743241,232,3,-monos,8.0,8,%,%,311 +651602870,2743241,1694,3,-polys,89.0,89,%,%,1727 +640322524,2743241,-268,1,alkaline phos.,112.0,112,Units/L,U/L,-232 +641942700,2743241,3117,1,magnesium,1.8,1.8,mg/dL,mg/dL,3161 +630942920,2743241,13187,1,potassium,3.2,3.2,mmol/L,mmol/L,13229 +642106356,2743241,9762,1,potassium,2.7,2.7,mmol/L,mmol/L,9792 +631063818,2743241,6527,1,potassium,2.9,2.9,mmol/L,mmol/L,6566 +657165631,2743241,4557,3,MCHC,33.6,33.6,g/dL,g/dL,4582 +663802508,2743241,3117,3,RDW,14.8,14.8,%,%,3129 +644091147,2743241,10442,1,magnesium,1.4,1.4,mg/dL,mg/dL,11193 +640322530,2743241,-268,1,total protein,6.5,6.5,g/dL,g/dL,-232 +634375753,2743241,984,1,potassium,3.8,3.8,mmol/L,mmol/L,1020 +630448560,2743241,3117,1,glucose,144.0,144,mg/dL,mg/dL,3159 +643360544,2743241,11757,1,BUN,62.0,62,mg/dL,mg/dL,11827 +631063823,2743241,6527,1,sodium,142.0,142,mmol/L,mmol/L,6566 +641229066,2743241,232,1,magnesium,2.5,2.5,mg/dL,mg/dL,338 +661459662,2743241,232,3,Hgb,14.3,14.3,g/dL,g/dL,311 +635763152,2743241,1694,1,BUN,45.0,45,mg/dL,mg/dL,1731 +632517622,2743241,-28,1,potassium,4.7,4.7,mmol/L,mmol/L,5 +657165632,2743241,4557,3,platelets x 1000,202.0,202,K/mcL,K/uL,4582 +639664968,2743241,4557,1,creatinine,2.25,2.25,mg/dL,mg/dL,4600 +639087964,2743241,10442,1,potassium,2.7,2.7,mmol/L,mmol/L,10480 +640322522,2743241,-268,1,potassium,4.9,4.9,mmol/L,mmol/L,-232 +643798376,2743241,3117,1,albumin,1.8,1.8,g/dL,g/dL,3161 +663802506,2743241,3117,3,Hgb,13.4,13.4,g/dL,g/dL,3129 +651531930,2743241,-268,3,RDW,14.6,14.6,%,%,-256 +631063819,2743241,6527,1,creatinine,2.29,2.29,mg/dL,mg/dL,6566 +656389921,2743241,-28,3,-eos,0.0,0,%,%,16 +630942928,2743241,13187,1,BUN,61.0,61,mg/dL,mg/dL,13229 +657165624,2743241,4557,3,-eos,3.0,3,%,%,4582 +632517623,2743241,-28,1,creatinine,2.25,2.25,mg/dL,mg/dL,5 +656389919,2743241,-28,3,-polys,82.0,82,%,%,16 +661459668,2743241,232,3,platelets x 1000,244.0,244,K/mcL,K/uL,311 +643360541,2743241,11757,1,calcium,8.8,8.8,mg/dL,mg/dL,11827 +640322521,2743241,-268,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,-232 +656389922,2743241,-28,3,MCV,94.0,94,fL,fL,14 +630448561,2743241,3117,1,chloride,108.0,108,mmol/L,mmol/L,3159 +657165621,2743241,4557,3,-basos,0.0,0,%,%,4582 +631063820,2743241,6527,1,alkaline phos.,74.0,74,Units/L,U/L,6566 +656389928,2743241,-28,3,platelets x 1000,265.0,265,K/mcL,K/uL,14 +663802499,2743241,3117,3,-lymphs,4.0,4,%,%,3129 +651602872,2743241,1694,3,-eos,0.0,0,%,%,1727 +632517625,2743241,-28,1,sodium,127.0,127,mmol/L,mmol/L,5 +656389927,2743241,-28,3,MCHC,33.9,33.9,g/dL,g/dL,14 +639664967,2743241,4557,1,potassium,3.7,3.7,mmol/L,mmol/L,4600 +657165620,2743241,4557,3,RBC,4.46,4.46,M/mcL,M/uL,4582 +640322531,2743241,-268,1,calcium,9.2,9.2,mg/dL,mg/dL,-232 +656389916,2743241,-28,3,-lymphs,11.0,11,%,%,16 +661459656,2743241,232,3,RBC,4.54,4.54,M/mcL,M/uL,311 +643360537,2743241,11757,1,creatinine,1.95,1.95,mg/dL,mg/dL,11827 +631063829,2743241,6527,1,glucose,193.0,193,mg/dL,mg/dL,6566 +656389920,2743241,-28,3,Hct,44.2,44.2,%,%,14 +630942923,2743241,13187,1,sodium,134.0,134,mmol/L,mmol/L,13229 +657165622,2743241,4557,3,-polys,81.0,81,%,%,4582 +632517626,2743241,-28,1,magnesium,2.9,2.9,mg/dL,mg/dL,5 +656389926,2743241,-28,3,-monos,7.0,7,%,%,16 +663802509,2743241,3117,3,MCH,31.7,31.7,pg,pg,3129 +651531931,2743241,-268,3,MCH,32.1,32.1,pg,pg,-256 +709021308,2743241,647,7,Temperature,37.0,37.0,°C,Deg C,656 +656389917,2743241,-28,3,RBC,4.71,4.71,M/mcL,M/uL,14 +630448559,2743241,3117,1,calcium,8.7,8.7,mg/dL,mg/dL,3159 +657165623,2743241,4557,3,Hct,43.2,43.2,%,%,4582 +631063825,2743241,6527,1,bicarbonate,22.0,22,mmol/L,mmol/L,6566 +656389923,2743241,-28,3,WBC x 1000,13.5,13.5,K/mcL,K/uL,14 +661459655,2743241,232,3,-lymphs,4.0,4,%,%,311 +643360539,2743241,11757,1,sodium,138.0,138,mmol/L,mmol/L,11827 +632517624,2743241,-28,1,anion gap,17.7,17.7,,mmol/L,5 +656389924,2743241,-28,3,RDW,14.7,14.7,%,%,14 +639664971,2743241,4557,1,bicarbonate,23.0,23,mmol/L,mmol/L,4600 +657165619,2743241,4557,3,-lymphs,5.0,5,%,%,4582 +640322532,2743241,-268,1,ALT (SGPT),15.0,15,Units/L,U/L,-232 +656389918,2743241,-28,3,-basos,0.0,0,%,%,16 +663802504,2743241,3117,3,-eos,0.0,0,%,%,3129 +646445611,2743241,1694,1,creatinine,2.37,2.37,mg/dL,mg/dL,1731 +631063826,2743241,6527,1,total protein,6.2,6.2,g/dL,g/dL,6566 +651602876,2743241,1694,3,RDW,14.7,14.7,%,%,1727 +630942926,2743241,13187,1,glucose,151.0,151,mg/dL,mg/dL,13229 +646445610,2743241,1694,1,potassium,3.4,3.4,mmol/L,mmol/L,1731 +632517627,2743241,-28,1,bicarbonate,25.0,25,mmol/L,mmol/L,5 +656389925,2743241,-28,3,MCH,31.8,31.8,pg,pg,14 +661459657,2743241,232,3,-basos,0.0,0,%,%,311 +646445614,2743241,1694,1,bicarbonate,25.0,25,mmol/L,mmol/L,1731 +709021307,2743241,647,7,O2 Sat (%),82.0,82,%,%,656 +657165625,2743241,4557,3,MCV,97.0,97,fL,fL,4582 +630448562,2743241,3117,1,BUN,45.0,45,mg/dL,mg/dL,3159 +646445612,2743241,1694,1,anion gap,15.4,15.4,,mmol/L,1731 +631063827,2743241,6527,1,calcium,9.4,9.4,mg/dL,mg/dL,6566 +630825133,2743241,3432,1,potassium,3.5,3.5,mmol/L,mmol/L,3467 +663802501,2743241,3117,3,-basos,0.0,0,%,%,3129 +636372477,2743241,3867,1,potassium,3.2,3.2,mmol/L,mmol/L,3908 +632517630,2743241,-28,1,chloride,89.0,89,mmol/L,mmol/L,5 +628868024,2743241,6947,1,potassium,3.6,3.6,mmol/L,mmol/L,6972 +639664972,2743241,4557,1,calcium,8.9,8.9,mg/dL,mg/dL,4600 +643360540,2743241,11757,1,bicarbonate,22.0,22,mmol/L,mmol/L,11827 +640322523,2743241,-268,1,creatinine,2.25,2.25,mg/dL,mg/dL,-232 +646445613,2743241,1694,1,sodium,139.0,139,mmol/L,mmol/L,1731 +661459658,2743241,232,3,-polys,88.0,88,%,%,311 +629747699,2743241,-268,1,troponin - I,,<0.02,ng/mL,ng/mL,-232 +631063817,2743241,6527,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,6566 +638188765,2743241,7415,1,sodium,140.0,140,mmol/L,mmol/L,7478 +630942927,2743241,13187,1,chloride,100.0,100,mmol/L,mmol/L,13229 +638188767,2743241,7415,1,calcium,9.2,9.2,mg/dL,mg/dL,7478 +632517631,2743241,-28,1,BUN,53.0,53,mg/dL,mg/dL,5 +626471176,2743241,9197,1,glucose,199.0,199,mg/dL,mg/dL,9245 +663802502,2743241,3117,3,-polys,87.0,87,%,%,3129 +638188764,2743241,7415,1,anion gap,15.0,15,,mmol/L,7478 +709021304,2743241,647,7,Base Deficit,1.8,1.8,mEq/L,mmol/L,656 +626471170,2743241,9197,1,potassium,2.3,2.3,mmol/L,mmol/L,9245 +630448557,2743241,3117,1,sodium,142.0,142,mmol/L,mmol/L,3159 +638188766,2743241,7415,1,bicarbonate,22.0,22,mmol/L,mmol/L,7478 +631063830,2743241,6527,1,chloride,108.0,108,mmol/L,mmol/L,6566 +626471171,2743241,9197,1,creatinine,2.54,2.54,mg/dL,mg/dL,9245 +661459659,2743241,232,3,Hct,43.2,43.2,%,%,311 +638188769,2743241,7415,1,chloride,107.0,107,mmol/L,mmol/L,7478 +632517628,2743241,-28,1,calcium,9.4,9.4,mg/dL,mg/dL,5 +626471172,2743241,9197,1,anion gap,20.3,20.3,,mmol/L,9245 +639664973,2743241,4557,1,glucose,117.0,117,mg/dL,mg/dL,4600 +638188768,2743241,7415,1,glucose,144.0,144,mg/dL,mg/dL,7478 +632595858,2743241,11757,1,magnesium,1.5,1.5,mg/dL,mg/dL,11828 +626471173,2743241,9197,1,sodium,140.0,140,mmol/L,mmol/L,9245 +663802505,2743241,3117,3,MCV,97.0,97,fL,fL,3129 +638188763,2743241,7415,1,creatinine,2.26,2.26,mg/dL,mg/dL,7478 +631063824,2743241,6527,1,albumin,2.1,2.1,g/dL,g/dL,6566 +626471174,2743241,9197,1,bicarbonate,19.0,19,mmol/L,mmol/L,9245 +630942925,2743241,13187,1,calcium,8.6,8.6,mg/dL,mg/dL,13229 +638188770,2743241,7415,1,BUN,45.0,45,mg/dL,mg/dL,7478 +632517629,2743241,-28,1,glucose,163.0,163,mg/dL,mg/dL,5 +626471177,2743241,9197,1,chloride,103.0,103,mmol/L,mmol/L,9245 +661459660,2743241,232,3,-eos,0.0,0,%,%,311 +638597414,2743241,3117,1,phosphate,4.1,4.1,mg/dL,mg/dL,3161 +709021303,2743241,647,7,HCO3,23.6,23.6,mmol/L,mmol/L,656 +626471175,2743241,9197,1,calcium,8.9,8.9,mg/dL,mg/dL,9245 +630448558,2743241,3117,1,bicarbonate,24.0,24,mmol/L,mmol/L,3159 +625303180,2743241,13187,1,magnesium,2.1,2.1,mg/dL,mg/dL,13229 +631063828,2743241,6527,1,ALT (SGPT),6.0,6,Units/L,U/L,6566 +673039109,2743241,-258,4,urinary specific gravity,1.011,1.011,,,-240 +663802503,2743241,3117,3,Hct,40.8,40.8,%,%,3129 +626471178,2743241,9197,1,BUN,57.0,57,mg/dL,mg/dL,9245 +645913259,2743241,6527,1,phosphate,3.3,3.3,mg/dL,mg/dL,6566 +630347081,2743241,9762,1,magnesium,1.5,1.5,mg/dL,mg/dL,9792 +639664975,2743241,4557,1,BUN,40.0,40,mg/dL,mg/dL,4600 +638188762,2743241,7415,1,potassium,4.0,4.0,mmol/L,mmol/L,7478 +645965351,2743241,7948,1,albumin,2.1,2.1,g/dL,g/dL,8026 +228911894,970720,258,1,anion gap,11.0,11,,,387 +228911899,970720,258,1,chloride,110.0,110,mmol/L,mmol/L,387 +228923544,970720,8988,1,glucose,115.0,115,mg/dL,mg/dL,9054 +228911900,970720,258,1,BUN,15.0,15,mg/dL,mg/dL,387 +228923545,970720,8988,1,BUN,27.0,27,mg/dL,mg/dL,9054 +228923558,970720,8988,1,anion gap,4.0,4,,,9054 +228911898,970720,258,1,glucose,161.0,161,mg/dL,mg/dL,387 +228911897,970720,258,1,calcium,7.5,7.5,mg/dL,mg/dL,387 +228911893,970720,258,1,creatinine,1.3,1.300,mg/dL,mg/dL,387 +228923553,970720,8988,1,total protein,5.2,5.2,g/dL,g/dL,9054 +230497384,970720,15118,3,-monos,1.3,1.3,%,%,15144 +228923555,970720,8988,1,alkaline phos.,72.0,72,Units/L,IU/L,9054 +230497380,970720,15118,3,platelets x 1000,321.0,321,K/mcL,th/uL,15144 +228923552,970720,8988,1,albumin,2.5,2.5,g/dL,g/dL,9054 +230497381,970720,15118,3,MPV,7.7,7.7,fL,fL,15144 +228923554,970720,8988,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,9054 +228056073,970720,15118,1,calcium,6.6,6.6,mg/dL,mg/dL,15181 +228911892,970720,258,1,potassium,4.7,4.7,mmol/L,mmol/L,387 +230497382,970720,15118,3,-polys,74.5,74.5,%,%,15144 +228923551,970720,8988,1,calcium,8.2,8.2,mg/dL,mg/dL,9054 +228056074,970720,15118,1,anion gap,6.0,6,,,15181 +228911895,970720,258,1,sodium,143.0,143,mmol/L,mmol/L,387 +230497383,970720,15118,3,-lymphs,18.8,18.8,%,%,15144 +228923557,970720,8988,1,AST (SGOT),12.0,12,Units/L,IU/L,9054 +228056067,970720,15118,1,BUN,23.0,23,mg/dL,mg/dL,15181 +228923556,970720,8988,1,ALT (SGPT),21.0,21,Units/L,IU/L,9054 +230445764,970720,258,3,MCHC,32.7,32.7,g/dL,g/dL,265 +230497385,970720,15118,3,-eos,5.2,5.2,%,%,15144 +230316766,970720,8988,3,-eos,1.0,1.0,%,%,9025 +228923547,970720,8988,1,sodium,140.0,140,mmol/L,mmol/L,9054 +230316765,970720,8988,3,-monos,2.4,2.4,%,%,9025 +228056069,970720,15118,1,sodium,148.0,148,mmol/L,mmol/L,15181 +230445762,970720,258,3,MCH,28.1,28.1,pg,pg,265 +228923548,970720,8988,1,potassium,4.1,4.1,mmol/L,mmol/L,9054 +230445763,970720,258,3,-monos,0.5,0.5,%,%,265 +230497379,970720,15118,3,RDW,16.0,16.0,%,%,15144 +230445765,970720,258,3,platelets x 1000,340.0,340,K/mcL,th/uL,265 +228923549,970720,8988,1,chloride,105.0,105,mmol/L,mmol/L,9054 +230307132,970720,2828,3,PT - INR,1.1,1.1,ratio,,2879 +228056068,970720,15118,1,creatinine,1.0,1.000,mg/dL,mg/dL,15181 +230445761,970720,258,3,RDW,15.5,15.5,%,%,265 +231400814,970720,7679,4,bedside glucose,104.0,104,mg/dL,mg/dL,7679 +230307131,970720,2828,3,PT,12.2,12.2,sec,sec,2879 +228911896,970720,258,1,bicarbonate,22.0,22,mmol/L,mmol/L,387 +230445758,970720,258,3,MCV,85.8,85.8,fL,fL,265 +230497375,970720,15118,3,Hct,30.7,30.7,%,%,15144 +230307133,970720,2828,3,PTT,24.4,24.4,sec,sec,2879 +231314457,970720,14865,4,bedside glucose,100.0,100,mg/dL,mg/dL,14865 +230316767,970720,8988,3,-basos,0.4,0.4,%,%,9025 +229780397,970720,685,3,PTT,43.9,43.9,sec,sec,717 +230276957,970720,4318,3,PTT,75.5,75.5,sec,sec,4380 +228056070,970720,15118,1,potassium,2.9,2.9,mmol/L,mmol/L,15181 +230316764,970720,8988,3,-lymphs,7.7,7.7,%,%,9025 +231384144,970720,13427,4,bedside glucose,104.0,104,mg/dL,mg/dL,13427 +230254433,970720,2828,3,RDW,15.9,15.9,%,%,2841 +228923546,970720,8988,1,creatinine,1.3,1.300,mg/dL,mg/dL,9054 +230445759,970720,258,3,Hgb,11.2,11.2,g/dL,g/dL,265 +230626216,970720,-534,3,-eos,1.2,1.2,%,%,-518 +230254434,970720,2828,3,MCH,27.7,27.7,pg,pg,2841 +230497373,970720,15118,3,RBC,3.51,3.51,M/mcL,mill/uL,15144 +230445760,970720,258,3,WBC x 1000,13.0,13.0,K/mcL,th/uL,265 +230626215,970720,-534,3,Hct,38.1,38.1,%,%,-518 +231406110,970720,5574,4,bedside glucose,274.0,274,mg/dL,mg/dL,5574 +231281253,970720,11995,4,bedside glucose,115.0,115,mg/dL,mg/dL,11995 +230445751,970720,258,3,MPV,7.4,7.4,fL,fL,265 +230626217,970720,-534,3,MCV,85.8,85.8,fL,fL,-518 +230254432,970720,2828,3,WBC x 1000,20.1,20.1,K/mcL,th/uL,2841 +229780396,970720,685,3,PT - INR,4.2,4.2,ratio,,729 +229767634,970720,7518,3,PTT,97.1,97.1,sec,sec,7600 +230626211,970720,-534,3,-lymphs,11.4,11.4,%,%,-518 +230445757,970720,258,3,-eos,0.2,0.2,%,%,265 +231194275,970720,642,4,bedside glucose,181.0,181,mg/dL,mg/dL,642 +231422053,970720,4133,4,bedside glucose,204.0,204,mg/dL,mg/dL,4133 +230626214,970720,-534,3,-polys,80.7,80.7,%,%,-518 +229740824,970720,11878,3,-monos,6.5,6.5,%,%,11903 +231244873,970720,6220,4,bedside glucose,96.0,96,mg/dL,mg/dL,6220 +230570342,970720,8988,3,PTT,25.1,25.1,sec,sec,9037 +229085983,970720,-534,1,BUN,13.0,13,mg/dL,mg/dL,-495 +230254435,970720,2828,3,MCHC,32.5,32.5,g/dL,g/dL,2841 +228923550,970720,8988,1,bicarbonate,31.0,31,mmol/L,mmol/L,9054 +229740825,970720,11878,3,-eos,1.0,1.0,%,%,11903 +230626212,970720,-534,3,RBC,4.44,4.44,M/mcL,mill/uL,-518 +230445755,970720,258,3,-polys,96.6,96.6,%,%,265 +230497372,970720,15118,3,WBC x 1000,10.1,10.1,K/mcL,th/uL,15144 +231458512,970720,14246,4,bedside glucose,155.0,155,mg/dL,mg/dL,14246 +229085978,970720,-534,1,sodium,142.0,142,mmol/L,mmol/L,-495 +229740826,970720,11878,3,-basos,0.6,0.6,%,%,11903 +231292238,970720,9119,4,bedside glucose,110.0,110,mg/dL,mg/dL,9119 +230445756,970720,258,3,Hct,34.1,34.1,%,%,265 +230626218,970720,-534,3,Hgb,12.4,12.4,g/dL,g/dL,-518 +230254431,970720,2828,3,Hgb,10.2,10.2,g/dL,g/dL,2841 +229780395,970720,685,3,PT,48.3,48.3,sec,sec,729 +229740823,970720,11878,3,-lymphs,10.8,10.8,%,%,11903 +229085975,970720,-534,1,potassium,4.5,4.5,mmol/L,mmol/L,-495 +230445754,970720,258,3,-basos,1.0,1.0,%,%,265 +228056072,970720,15118,1,bicarbonate,27.0,27,mmol/L,mmol/L,15181 +231365029,970720,7071,4,bedside glucose,164.0,164,mg/dL,mg/dL,7071 +230626213,970720,-534,3,-basos,0.6,0.6,%,%,-518 +229740822,970720,11878,3,-polys,81.1,81.1,%,%,11903 +232068735,970720,-187,7,FiO2,32.0,32,%,%,39 +230445752,970720,258,3,-lymphs,1.7,1.7,%,%,265 +229085980,970720,-534,1,calcium,8.3,8.3,mg/dL,mg/dL,-495 +228677619,970720,3808,1,lactate,2.0,2.0,mmol/L,mmol/L,3845 +230497376,970720,15118,3,MCV,87.5,87.5,fL,fL,15144 +229740821,970720,11878,3,MPV,7.6,7.6,fL,fL,11903 +230700459,970720,-534,3,PT - INR,3.4,3.4,ratio,,-500 +230445753,970720,258,3,RBC,3.98,3.98,M/mcL,mill/uL,265 +232068732,970720,-187,7,O2 Sat (%),95.7,95.7,%,%,-180 +230254436,970720,2828,3,platelets x 1000,365.0,365,K/mcL,th/uL,2841 +229085981,970720,-534,1,glucose,98.0,98,mg/dL,mg/dL,-495 +229740817,970720,11878,3,MCH,27.9,27.9,pg,pg,11903 +231237452,970720,9359,4,bedside glucose,107.0,107,mg/dL,mg/dL,9359 +231069164,970720,8988,3,WBC x 1000,8.6,8.6,K/mcL,th/uL,9025 +230626222,970720,-534,3,-monos,6.1,6.1,%,%,-518 +229740818,970720,11878,3,MCHC,32.4,32.4,g/dL,g/dL,11903 +232068730,970720,-187,7,pH,7.26,7.26,,,-180 +227566137,970720,11878,1,creatinine,1.4,1.400,mg/dL,mg/dL,11925 +230718785,970720,5953,3,MCH,27.7,27.7,pg,pg,5983 +231333916,970720,6803,4,bedside glucose,181.0,181,mg/dL,mg/dL,6803 +229085976,970720,-534,1,creatinine,1.4,1.400,mg/dL,mg/dL,-495 +231069171,970720,8988,3,RDW,15.7,15.7,%,%,9025 +230497377,970720,15118,3,MCH,27.9,27.9,pg,pg,15144 +229740819,970720,11878,3,RDW,15.4,15.4,%,%,11903 +230718784,970720,5953,3,MCV,85.5,85.5,fL,fL,5983 +227566135,970720,11878,1,glucose,113.0,113,mg/dL,mg/dL,11925 +230626223,970720,-534,3,MCHC,32.6,32.6,g/dL,g/dL,-518 +231372861,970720,3882,4,bedside glucose,192.0,192,mg/dL,mg/dL,3882 +232068729,970720,-187,7,O2 Content,14.8,14.8,mls/dL,mL/dL,-180 +228573260,970720,1522,1,BUN,18.0,18,mg/dL,mg/dL,1571 +230718787,970720,5953,3,RDW,15.4,15.4,%,%,5983 +231069172,970720,8988,3,platelets x 1000,328.0,328,K/mcL,th/uL,9025 +229085977,970720,-534,1,anion gap,12.0,12,,,-495 +229426023,970720,4690,3,Hgb,10.9,10.9,g/dL,g/dL,4780 +228056071,970720,15118,1,chloride,115.0,115,mmol/L,mmol/L,15181 +229740815,970720,11878,3,Hct,31.7,31.7,%,%,11903 +230718782,970720,5953,3,Hgb,11.0,11.0,g/dL,g/dL,5983 +228573259,970720,1522,1,chloride,110.0,110,mmol/L,mmol/L,1571 +230626221,970720,-534,3,MCH,28.0,28.0,pg,pg,-518 +227566141,970720,11878,1,bicarbonate,33.0,33,mmol/L,mmol/L,11925 +232068725,970720,-187,7,LPM O2,3.0,3.0,L/min,,-180 +229426024,970720,4690,3,Hct,33.5,33.5,%,%,4780 +230718783,970720,5953,3,Hct,34.0,34.0,%,%,5983 +231418532,970720,12543,4,bedside glucose,175.0,175,mg/dL,mg/dL,12543 +229085982,970720,-534,1,chloride,107.0,107,mmol/L,mmol/L,-495 +228573258,970720,1522,1,glucose,153.0,153,mg/dL,mg/dL,1571 +230497374,970720,15118,3,Hgb,9.8,9.8,g/dL,g/dL,15144 +231069170,970720,8988,3,MCHC,32.2,32.2,g/dL,g/dL,9025 +230750759,970720,1522,3,WBC x 1000,17.5,17.5,K/mcL,th/uL,1575 +229426021,970720,4690,3,WBC x 1000,14.1,14.1,K/mcL,th/uL,4780 +230718788,970720,5953,3,platelets x 1000,369.0,369,K/mcL,th/uL,5983 +229740816,970720,11878,3,MCV,86.1,86.1,fL,fL,11903 +230750761,970720,1522,3,MCH,28.4,28.4,pg,pg,1575 +228573256,970720,1522,1,phosphate,3.2,3.2,mg/dL,mg/dL,1571 +230700460,970720,-534,3,PTT,47.5,47.5,sec,sec,-500 +227566138,970720,11878,1,sodium,144.0,144,mmol/L,mmol/L,11925 +230750757,970720,1522,3,MCV,85.9,85.9,fL,fL,1575 +229426022,970720,4690,3,RBC,3.9,3.90,M/mcL,mill/uL,4780 +232068734,970720,-187,7,Base Excess,-3.5,-3.5,mEq/L,mmol/L,-180 +231216701,970720,8218,4,bedside glucose,194.0,194,mg/dL,mg/dL,8218 +230750756,970720,1522,3,Hct,29.6,29.6,%,%,1575 +228573257,970720,1522,1,ALT (SGPT),15.0,15,Units/L,IU/L,1571 +230718781,970720,5953,3,RBC,3.97,3.97,M/mcL,mill/uL,5983 +231069174,970720,8988,3,-polys,88.5,88.5,%,%,9025 +230750760,970720,1522,3,RDW,15.1,15.1,%,%,1575 +229426025,970720,4690,3,MCV,86.0,86.0,fL,fL,4780 +231405476,970720,-534,4,BNP,33.1,33.1,pg/mL,pg/mL,-478 +229740814,970720,11878,3,Hgb,10.3,10.3,g/dL,g/dL,11903 +230750758,970720,1522,3,Hgb,9.8,9.8,g/dL,g/dL,1575 +228573251,970720,1522,1,magnesium,2.5,2.5,mg/dL,mg/dL,1571 +227606316,970720,3268,1,sodium,142.0,142,mmol/L,mmol/L,3321 +227566139,970720,11878,1,potassium,3.5,3.5,mmol/L,mmol/L,11925 +231235428,970720,6465,4,bedside glucose,158.0,158,mg/dL,mg/dL,6465 +229426031,970720,4690,3,-polys,94.0,94.0,%,%,4890 +230750764,970720,1522,3,platelets x 1000,325.0,325,K/mcL,th/uL,1575 +231400545,970720,3848,4,urinary specific gravity,1.02,1.020,,,3866 +227606313,970720,3268,1,alkaline phos.,84.0,84,Units/L,IU/L,3321 +228573252,970720,1522,1,albumin,2.6,2.6,g/dL,g/dL,1571 +230718789,970720,5953,3,MPV,7.3,7.3,fL,fL,5983 +231069173,970720,8988,3,MPV,7.4,7.4,fL,fL,9025 +232205147,970720,272,7,O2 Content,15.8,15.8,mls/dL,mL/dL,283 +229426032,970720,4690,3,-lymphs,4.0,4.0,%,%,4890 +227606315,970720,3268,1,AST (SGOT),17.0,17,Units/L,IU/L,3321 +229740820,970720,11878,3,platelets x 1000,316.0,316,K/mcL,th/uL,11903 +230626224,970720,-534,3,platelets x 1000,432.0,432,K/mcL,th/uL,-518 +228573253,970720,1522,1,bicarbonate,25.0,25,mmol/L,mmol/L,1571 +230750763,970720,1522,3,MCHC,33.0,33.0,g/dL,g/dL,1575 +227566143,970720,11878,1,anion gap,6.0,6,,,11925 +227606314,970720,3268,1,anion gap,7.0,7,,,3321 +229498739,970720,3268,3,PTT,139.1,139.1,sec,sec,3345 +232068726,970720,-187,7,paO2,74.0,74.0,mm Hg,mmHg,-180 +230952484,970720,2828,3,MCV,85.3,85.3,fL,fL,2841 +232205141,970720,272,7,Vent Rate,12.0,12,/min,,283 +228573254,970720,1522,1,total protein,5.4,5.4,g/dL,g/dL,1571 +227717137,970720,4690,1,creatinine,0.99,0.990,mg/dL,mg/dL,4789 +231069169,970720,8988,3,MCH,27.6,27.6,pg,pg,9025 +230718780,970720,5953,3,WBC x 1000,10.6,10.6,K/mcL,th/uL,5983 +229498738,970720,3268,3,PT - INR,1.1,1.1,ratio,,3326 +230750754,970720,1522,3,-basos,0.6,0.6,%,%,1575 +231358866,970720,13976,4,bedside glucose,165.0,165,mg/dL,mg/dL,13976 +227717139,970720,4690,1,potassium,3.8,3.8,mmol/L,mmol/L,4789 +227618639,970720,5953,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,6011 +228573250,970720,1522,1,sodium,143.0,143,mmol/L,mmol/L,1571 +228602582,970720,-534,1,troponin - I,0.01,0.01,ng/mL,ng/mL,-501 +227618640,970720,5953,1,alkaline phos.,82.0,82,Units/L,IU/L,6011 +227566142,970720,11878,1,calcium,7.9,7.9,mg/dL,mg/dL,11925 +232205153,970720,272,7,Base Excess,-2.9,-2.9,mEq/L,mmol/L,283 +227618638,970720,5953,1,total protein,5.7,5.7,g/dL,g/dL,6011 +229498737,970720,3268,3,PT,12.2,12.2,sec,sec,3326 +227717138,970720,4690,1,sodium,143.0,143,mmol/L,mmol/L,4789 +229698813,970720,3808,3,-monos,2.7,2.7,%,%,3827 +230952483,970720,2828,3,Hct,31.5,31.5,%,%,2841 +230497386,970720,15118,3,-basos,0.2,0.2,%,%,15144 +227618641,970720,5953,1,ALT (SGPT),21.0,21,Units/L,IU/L,6011 +228573249,970720,1522,1,AST (SGOT),16.0,16,Units/L,IU/L,1571 +230750762,970720,1522,3,-monos,2.0,2.0,%,%,1575 +229698810,970720,3808,3,MPV,7.5,7.5,fL,fL,3827 +231069168,970720,8988,3,MCV,85.9,85.9,fL,fL,9025 +227717136,970720,4690,1,BUN,16.0,16,mg/dL,mg/dL,4789 +227618636,970720,5953,1,calcium,8.0,8.0,mg/dL,mg/dL,6011 +229426030,970720,4690,3,MPV,7.7,7.7,fL,fL,4780 +230718790,970720,5953,3,-polys,89.6,89.6,%,%,5983 +229698811,970720,3808,3,-polys,95.0,95.0,%,%,3827 +229740813,970720,11878,3,RBC,3.69,3.69,M/mcL,mill/uL,11903 +232205140,970720,272,7,HCO3,23.0,23.0,mmol/L,mmol/L,283 +227618637,970720,5953,1,albumin,2.7,2.7,g/dL,g/dL,6011 +228573248,970720,1522,1,anion gap,8.0,8,,,1571 +227717135,970720,4690,1,glucose,117.0,117,mg/dL,mg/dL,4789 +229698809,970720,3808,3,platelets x 1000,370.0,370,K/mcL,th/uL,3827 +227566140,970720,11878,1,chloride,105.0,105,mmol/L,mmol/L,11925 +230626210,970720,-534,3,MPV,7.3,7.3,fL,fL,-518 +227618642,970720,5953,1,AST (SGOT),14.0,14,Units/L,IU/L,6011 +229426033,970720,4690,3,-monos,2.0,2.0,%,%,4890 +230750751,970720,1522,3,MPV,7.3,7.3,fL,fL,1575 +229698808,970720,3808,3,RDW,16.1,16.1,%,%,3827 +230952482,970720,2828,3,RBC,3.69,3.69,M/mcL,mill/uL,2841 +227606318,970720,3268,1,albumin,2.6,2.6,g/dL,g/dL,3321 +227618634,970720,5953,1,chloride,109.0,109,mmol/L,mmol/L,6011 +228573245,970720,1522,1,creatinine,1.4,1.400,mg/dL,mg/dL,1571 +232068724,970720,-187,7,Methemoglobin,0.0,.00,%,%,-180 +229698812,970720,3808,3,-lymphs,2.3,2.3,%,%,3827 +231069165,970720,8988,3,RBC,3.53,3.53,M/mcL,mill/uL,9025 +232205148,970720,272,7,Respiratory Rate,22.0,22,/min,,283 +227618635,970720,5953,1,bicarbonate,29.0,29,mmol/L,mmol/L,6011 +229426029,970720,4690,3,platelets x 1000,351.0,351,K/mcL,th/uL,4780 +227606310,970720,3268,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,3321 +229698807,970720,3808,3,MCHC,32.6,32.6,g/dL,g/dL,3827 +231450921,970720,11120,4,bedside glucose,183.0,183,mg/dL,mg/dL,11120 +230718786,970720,5953,3,MCHC,32.4,32.4,g/dL,g/dL,5983 +227618630,970720,5953,1,BUN,16.0,16,mg/dL,mg/dL,6011 +228573246,970720,1522,1,LDH,257.0,257,Units/L,IU/L,1571 +230750752,970720,1522,3,-lymphs,1.7,1.7,%,%,1575 +229698802,970720,3808,3,RBC,3.86,3.86,M/mcL,mill/uL,3827 +228055679,970720,258,1,lactate,2.0,2.0,mmol/L,mmol/L,285 +227606317,970720,3268,1,magnesium,2.4,2.4,mg/dL,mg/dL,3321 +227618631,970720,5953,1,creatinine,0.84,0.840,mg/dL,mg/dL,6011 +229426028,970720,4690,3,RDW,16.1,16.1,%,%,4780 +231366156,970720,10595,4,bedside glucose,172.0,172,mg/dL,mg/dL,10595 +229698803,970720,3808,3,Hgb,10.9,10.9,g/dL,g/dL,3827 +230952481,970720,2828,3,MPV,7.4,7.4,fL,fL,2841 +232205142,970720,272,7,Methemoglobin,1.0,1.00,%,%,283 +227618629,970720,5953,1,glucose,91.0,91,mg/dL,mg/dL,6011 +228573247,970720,1522,1,alkaline phos.,71.0,71,Units/L,IU/L,1571 +227606323,970720,3268,1,ALT (SGPT),18.0,18,Units/L,IU/L,3321 +231036546,970720,5953,3,PT - INR,1.1,1.1,ratio,,6000 +231069166,970720,8988,3,Hgb,9.8,9.8,g/dL,g/dL,9025 +228056066,970720,15118,1,glucose,139.0,139,mg/dL,mg/dL,15181 +229698804,970720,3808,3,Hct,33.3,33.3,%,%,3827 +229426026,970720,4690,3,MCH,28.0,28.0,pg,pg,4780 +231351859,970720,-72,4,urinary specific gravity,1.015,1.015,,,-15 +227618632,970720,5953,1,sodium,144.0,144,mmol/L,mmol/L,6011 +229740812,970720,11878,3,WBC x 1000,12.3,12.3,K/mcL,th/uL,11903 +227717141,970720,4690,1,bicarbonate,28.0,28,mmol/L,mmol/L,4789 +231036545,970720,5953,3,PT,12.3,12.3,sec,sec,6000 +228573255,970720,1522,1,calcium,7.2,7.2,mg/dL,mg/dL,1571 +230718792,970720,5953,3,-monos,3.0,3.0,%,%,5983 +229698805,970720,3808,3,MCV,86.2,86.2,fL,fL,3827 +227566136,970720,11878,1,BUN,27.0,27,mg/dL,mg/dL,11925 +232205143,970720,272,7,FiO2,40.0,40,%,%,283 +227618633,970720,5953,1,potassium,3.9,3.9,mmol/L,mmol/L,6011 +229426027,970720,4690,3,MCHC,32.5,32.5,g/dL,g/dL,4780 +227717143,970720,4690,1,anion gap,5.0,5,,,4789 +230291735,970720,3808,3,PTT,126.3,126.3,sec,sec,3882 +231200609,970720,2774,4,bedside glucose,191.0,191,mg/dL,mg/dL,2774 +230626219,970720,-534,3,WBC x 1000,12.2,12.2,K/mcL,th/uL,-518 +229698801,970720,3808,3,WBC x 1000,18.7,18.7,K/mcL,th/uL,3827 +228573243,970720,1522,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,1571 +231257329,970720,12825,4,bedside glucose,171.0,171,mg/dL,mg/dL,12825 +229358308,970720,6263,3,PTT,78.9,78.9,sec,sec,6298 +230659362,970720,10388,3,PTT,25.2,25.2,sec,sec,10450 +227606311,970720,3268,1,potassium,3.6,3.6,mmol/L,mmol/L,3321 +231036544,970720,5953,3,PTT,61.0,61.0,sec,sec,6000 +229590956,970720,4690,3,PT,12.8,12.8,sec,sec,4742 +232068727,970720,-187,7,Carboxyhemoglobin,1.6,1.6,%,%,-180 +229778380,970720,5168,3,PTT,44.9,44.9,sec,sec,5227 +231445369,970720,8576,4,bedside glucose,234.0,234,mg/dL,mg/dL,8576 +230289605,970720,1522,3,PT - INR,1.8,1.8,ratio,,1573 +227618643,970720,5953,1,anion gap,6.0,6,,,6011 +228573244,970720,1522,1,potassium,4.1,4.1,mmol/L,mmol/L,1571 +227717142,970720,4690,1,calcium,7.7,7.7,mg/dL,mg/dL,4789 +229895946,970720,5578,3,PTT,72.9,72.9,sec,sec,5622 +231069167,970720,8988,3,Hct,30.3,30.3,%,%,9025 +230718793,970720,5953,3,-eos,0.1,0.1,%,%,5983 +229698806,970720,3808,3,MCH,28.1,28.1,pg,pg,3827 +229590957,970720,4690,3,PT - INR,1.1,1.1,ratio,,4742 +232205145,970720,272,7,Carboxyhemoglobin,0.9,0.9,%,%,283 +230203260,970720,3268,3,MCH,27.8,27.8,pg,pg,3331 +227606325,970720,3268,1,chloride,108.0,108,mmol/L,mmol/L,3321 +230203261,970720,3268,3,-monos,1.8,1.8,%,%,3331 +229085979,970720,-534,1,bicarbonate,23.0,23,mmol/L,mmol/L,-495 +230203262,970720,3268,3,MCHC,32.6,32.6,g/dL,g/dL,3331 +231302846,970720,9934,4,bedside glucose,131.0,131,mg/dL,mg/dL,9934 +230203259,970720,3268,3,RDW,16.0,16.0,%,%,3331 +227606312,970720,3268,1,creatinine,1.3,1.300,mg/dL,mg/dL,3321 +230203263,970720,3268,3,platelets x 1000,335.0,335,K/mcL,th/uL,3331 +231152032,970720,9635,4,bedside glucose,116.0,116,mg/dL,mg/dL,9635 +230203258,970720,3268,3,WBC x 1000,17.2,17.2,K/mcL,th/uL,3331 +230750753,970720,1522,3,RBC,3.45,3.45,M/mcL,mill/uL,1575 +230203253,970720,3268,3,RBC,3.48,3.48,M/mcL,mill/uL,3331 +227606319,970720,3268,1,bicarbonate,27.0,27,mmol/L,mmol/L,3321 +230203254,970720,3268,3,-polys,97.1,97.1,%,%,3331 +231320047,970720,8048,4,bedside glucose,170.0,170,mg/dL,mg/dL,8048 +230203255,970720,3268,3,Hct,29.7,29.7,%,%,3331 +232205146,970720,272,7,paCO2,47.0,47.0,mm Hg,mmHg,283 +230203251,970720,3268,3,MPV,7.6,7.6,fL,fL,3331 +227606320,970720,3268,1,total protein,5.6,5.6,g/dL,g/dL,3321 +230203252,970720,3268,3,-lymphs,1.1,1.1,%,%,3331 +230626220,970720,-534,3,RDW,15.1,15.1,%,%,-518 +230203256,970720,3268,3,MCV,85.2,85.2,fL,fL,3331 +231239214,970720,1238,4,bedside glucose,179.0,179,mg/dL,mg/dL,1238 +230203257,970720,3268,3,Hgb,9.7,9.7,g/dL,g/dL,3331 +227606322,970720,3268,1,phosphate,2.1,2.1,mg/dL,mg/dL,3321 +229118105,970720,3808,1,creatinine,1.3,1.300,mg/dL,mg/dL,4021 +232068723,970720,-187,7,HCO3,23.4,23.4,mmol/L,mmol/L,-180 +229118104,970720,3808,1,BUN,20.0,20,mg/dL,mg/dL,4021 +231164792,970720,1496,4,bedside glucose,68.0,68,mg/dL,mg/dL,1496 +229118103,970720,3808,1,glucose,129.0,129,mg/dL,mg/dL,4021 +231451512,970720,3606,4,bedside glucose,208.0,208,mg/dL,mg/dL,3606 +229118114,970720,3808,1,alkaline phos.,99.0,99,Units/L,IU/L,4021 +230718791,970720,5953,3,-lymphs,7.3,7.3,%,%,5983 +229118115,970720,3808,1,ALT (SGPT),20.0,20,Units/L,IU/L,4021 +232205144,970720,272,7,paO2,103.0,103.0,mm Hg,mmHg,283 +229118116,970720,3808,1,AST (SGOT),20.0,20,Units/L,IU/L,4021 +227606321,970720,3268,1,calcium,7.4,7.4,mg/dL,mg/dL,3321 +229118112,970720,3808,1,total protein,6.2,6.2,g/dL,g/dL,4021 +231376357,970720,1933,4,bedside glucose,173.0,173,mg/dL,mg/dL,1933 +231164606,970720,5057,4,bedside glucose,221.0,221,mg/dL,mg/dL,5057 +231238395,970720,11370,4,bedside glucose,162.0,162,mg/dL,mg/dL,11370 +229118111,970720,3808,1,albumin,2.9,2.9,g/dL,g/dL,4021 +231410734,970720,10805,4,bedside glucose,284.0,284,mg/dL,mg/dL,10805 +231283775,970720,15136,4,bedside glucose,134.0,134,mg/dL,mg/dL,15136 +230497378,970720,15118,3,MCHC,31.8,31.8,g/dL,g/dL,15144 +229118113,970720,3808,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,4021 +230289604,970720,1522,3,PT,20.2,20.2,sec,sec,1573 +231356735,970720,7924,4,bedside glucose,173.0,173,mg/dL,mg/dL,7924 +227606324,970720,3268,1,glucose,194.0,194,mg/dL,mg/dL,3321 +229118107,970720,3808,1,potassium,3.7,3.7,mmol/L,mmol/L,4021 +231304798,970720,922,4,bedside glucose,176.0,176,mg/dL,mg/dL,922 +231359666,970720,13701,4,bedside glucose,190.0,190,mg/dL,mg/dL,13701 +232205149,970720,272,7,pH,7.31,7.31,,,283 +229118108,970720,3808,1,chloride,107.0,107,mmol/L,mmol/L,4021 +231406402,970720,2219,4,bedside glucose,155.0,155,mg/dL,mg/dL,2219 +229990584,970720,2278,3,PT - INR,1.1,1.1,ratio,,2302 +230700458,970720,-534,3,PT,38.7,38.7,sec,sec,-500 +229118106,970720,3808,1,sodium,140.0,140,mmol/L,mmol/L,4021 +231183359,970720,5953,4,BNP,152.3,152.3,pg/mL,pg/mL,6019 +231282140,970720,12263,4,bedside glucose,201.0,201,mg/dL,mg/dL,12263 +227606326,970720,3268,1,BUN,19.0,19,mg/dL,mg/dL,3321 +229118109,970720,3808,1,bicarbonate,22.0,22,mmol/L,mmol/L,4021 +232068728,970720,-187,7,paCO2,54.0,54.0,mm Hg,mmHg,-180 +229990583,970720,2278,3,PT,12.9,12.9,sec,sec,2302 +230750755,970720,1522,3,-polys,95.7,95.7,%,%,1575 +229118110,970720,3808,1,calcium,8.1,8.1,mg/dL,mg/dL,4021 +229725148,970720,7973,3,PTT,71.1,71.1,sec,sec,8007 +231212783,970720,4789,4,bedside glucose,113.0,113,mg/dL,mg/dL,4789 +228798099,970720,-227,1,lactate,1.5,1.5,mmol/L,mmol/L,-179 +230451320,970720,4690,3,PTT,89.1,89.1,sec,sec,4744 +232205151,970720,272,7,O2 Sat (%),98.7,98.7,%,%,283 +231304413,970720,1121,4,bedside glucose,113.0,113,mg/dL,mg/dL,1121 +227717140,970720,4690,1,chloride,110.0,110,mmol/L,mmol/L,4789 +230441108,970720,8378,3,PTT,57.2,57.2,sec,sec,8466 +265433100,1091677,1360,3,MCHC,31.1,31.1,g/dL,g/dL,1567 +265433099,1091677,1360,3,-monos,17.0,17.0,%,%,1567 +265433095,1091677,1360,3,Hgb,9.6,9.6,g/dL,g/dL,1567 +265433094,1091677,1360,3,MCV,84.7,84.7,fL,fL,1567 +265433093,1091677,1360,3,-bands,2.0,2,%,%,1567 +265433091,1091677,1360,3,Hct,30.9,30.9,%,%,1567 +264060585,1091677,-145,1,AST (SGOT),18.0,18,Units/L,IU/L,-78 +265433088,1091677,1360,3,RBC,3.65,3.65,M/mcL,mi/cumm,1567 +264060581,1091677,-145,1,potassium,2.7,2.7,mmol/L,mmol/L,-78 +265433087,1091677,1360,3,-lymphs,18.0,18.0,%,%,1567 +264060592,1091677,-145,1,glucose,160.0,160,mg/dL,mg/dL,-78 +265433089,1091677,1360,3,-basos,0.0,0.0,%,%,1567 +271858116,1091677,5780,3,-basos,0.0,0.0,%,%,5871 +264060593,1091677,-145,1,chloride,94.0,94,mmol/L,mmol/L,-78 +263174038,1091677,5780,1,alkaline phos.,68.0,68,Units/L,IU/L,5836 +261208300,1091677,1360,1,potassium,4.1,4.1,mmol/L,mmol/L,1487 +271858102,1091677,5780,3,RBC,4.26,4.26,M/mcL,mi/cumm,5871 +265433086,1091677,1360,3,MPV,10.4,10.4,fL,fL,1567 +263174029,1091677,5780,1,chloride,93.0,93,mmol/L,mmol/L,5836 +261208310,1091677,1360,1,ALT (SGPT),21.0,21,Units/L,IU/L,1487 +271858104,1091677,5780,3,Hct,35.8,35.8,%,%,5871 +264060586,1091677,-145,1,sodium,133.0,133,mmol/L,mmol/L,-78 +263174033,1091677,5780,1,total protein,4.8,4.8,g/dL,g/dL,5836 +261208307,1091677,1360,1,bicarbonate,29.0,29,mmol/L,mmol/L,1487 +271858105,1091677,5780,3,MCV,84.0,84.0,fL,fL,5871 +265433098,1091677,1360,3,MCH,26.3,26.3,pg,pg,1567 +263174035,1091677,5780,1,calcium,8.2,8.2,mg/dL,mg/dL,5836 +261208301,1091677,1360,1,creatinine,0.59,0.59,mg/dL,mg/dL,1487 +271858115,1091677,5780,3,-eos,0.0,0.0,%,%,5871 +264060594,1091677,-145,1,BUN,21.0,21,mg/dL,mg/dL,-78 +263174037,1091677,5780,1,ALT (SGPT),21.0,21,Units/L,IU/L,5836 +261208309,1091677,1360,1,calcium,7.7,7.7,mg/dL,mg/dL,1487 +271858106,1091677,5780,3,MCH,26.8,26.8,pg,pg,5871 +265433097,1091677,1360,3,RDW,15.7,15.7,%,%,1567 +263174034,1091677,5780,1,albumin,2.2,2.2,g/dL,g/dL,5836 +261208308,1091677,1360,1,total protein,4.8,4.8,g/dL,g/dL,1487 +271858108,1091677,5780,3,RDW,16.6,16.6,%,%,5871 +264060583,1091677,-145,1,alkaline phos.,42.0,42,Units/L,IU/L,-78 +263174030,1091677,5780,1,bicarbonate,29.0,29,mmol/L,mmol/L,5836 +264030633,1091677,-1720,1,BUN,25.0,25,mg/dL,mg/dL,-1665 +271858109,1091677,5780,3,platelets x 1000,151.0,151,K/mcL,th/cumm,5871 +265433096,1091677,1360,3,WBC x 1000,4.0,4.0,K/mcL,th/cumm,1567 +271815598,1091677,-1720,3,-lymphs,80.0,80.0,%,%,-1628 +261208306,1091677,1360,1,albumin,2.0,2.0,g/dL,g/dL,1487 +263174027,1091677,5780,1,sodium,130.0,130,mmol/L,mmol/L,5836 +264060589,1091677,-145,1,total protein,5.7,5.7,g/dL,g/dL,-78 +271815599,1091677,-1720,3,RBC,4.5,4.50,M/mcL,mi/cumm,-1628 +264030632,1091677,-1720,1,chloride,94.0,94,mmol/L,mmol/L,-1665 +271858107,1091677,5780,3,MCHC,31.8,31.8,g/dL,g/dL,5871 +265433101,1091677,1360,3,platelets x 1000,156.0,156,K/mcL,th/cumm,1567 +271815611,1091677,-1720,3,MCHC,32.3,32.3,g/dL,g/dL,-1628 +261208313,1091677,1360,1,BUN,24.0,24,mg/dL,mg/dL,1487 +263174025,1091677,5780,1,BUN,29.0,29,mg/dL,mg/dL,5836 +264060584,1091677,-145,1,anion gap,11.0,11,,,-78 +271815612,1091677,-1720,3,platelets x 1000,220.0,220,K/mcL,th/cumm,-1628 +266953399,1091677,2750,3,Hct,33.4,33.4,%,%,3023 +264030630,1091677,-1720,1,calcium,8.2,8.2,mg/dL,mg/dL,-1665 +271903919,1091677,-145,3,-polys,42.0,42.0,%,%,-64 +271858110,1091677,5780,3,MPV,10.2,10.2,fL,fL,5871 +266953401,1091677,2750,3,-bands,5.0,5,%,%,3023 +269392801,1091677,4260,3,PT,24.5,24.5,sec,Secs,4461 +271903921,1091677,-145,3,-eos,0.0,0.0,%,%,-64 +271815610,1091677,-1720,3,-monos,15.0,15.0,%,%,-1628 +266953396,1091677,2750,3,RBC,3.94,3.94,M/mcL,mi/cumm,3023 +261208303,1091677,1360,1,anion gap,9.0,9,,,1487 +271903922,1091677,-145,3,-bands,0.0,0,%,%,-64 +263174032,1091677,5780,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,5836 +266953397,1091677,2750,3,-basos,0.0,0.0,%,%,3023 +264060590,1091677,-145,1,calcium,7.6,7.6,mg/dL,mg/dL,-78 +271903916,1091677,-145,3,-lymphs,38.0,38.0,%,%,-64 +271815600,1091677,-1720,3,-basos,0.0,0.0,%,%,-1628 +266953400,1091677,2750,3,-eos,0.0,0.0,%,%,3023 +264030631,1091677,-1720,1,glucose,160.0,160,mg/dL,mg/dL,-1665 +271903917,1091677,-145,3,RBC,3.78,3.78,M/mcL,mi/cumm,-64 +271858111,1091677,5780,3,-polys,79.0,79.0,%,%,5871 +266953398,1091677,2750,3,-polys,69.0,69.0,%,%,3023 +265433090,1091677,1360,3,-polys,63.0,63.0,%,%,1567 +271903918,1091677,-145,3,-basos,0.0,0.0,%,%,-64 +271815597,1091677,-1720,3,MPV,9.9,9.9,fL,fL,-1628 +268019501,1091677,4260,3,-monos,5.0,5.0,%,%,4544 +261208304,1091677,1360,1,AST (SGOT),12.0,12,Units/L,IU/L,1487 +266953402,1091677,2750,3,MCV,84.8,84.8,fL,fL,3023 +263174036,1091677,5780,1,AST (SGOT),16.0,16,Units/L,IU/L,5836 +268019497,1091677,4260,3,MPV,10.1,10.1,fL,fL,4544 +264060591,1091677,-145,1,ALT (SGPT),24.0,24,Units/L,IU/L,-78 +271903920,1091677,-145,3,Hct,31.3,31.3,%,%,-64 +271815609,1091677,-1720,3,MCH,26.7,26.7,pg,pg,-1628 +268019498,1091677,4260,3,-polys,84.0,84.0,%,%,4544 +264030628,1091677,-1720,1,sodium,131.0,131,mmol/L,mmol/L,-1665 +266953395,1091677,2750,3,-lymphs,10.0,10.0,%,%,3023 +271858112,1091677,5780,3,-bands,3.0,3,%,%,5871 +268019499,1091677,4260,3,-bands,2.0,2,%,%,4544 +269392802,1091677,4260,3,PT - INR,3.57,3.57,ratio,,4461 +271903915,1091677,-145,3,MPV,9.5,9.5,fL,fL,-64 +271815606,1091677,-1720,3,Hgb,12.0,12.0,g/dL,g/dL,-1628 +268019502,1091677,4260,3,-eos,0.0,0.0,%,%,4544 +261208302,1091677,1360,1,alkaline phos.,39.0,39,Units/L,IU/L,1487 +266953407,1091677,2750,3,-monos,13.0,13.0,%,%,3023 +263174028,1091677,5780,1,potassium,4.3,4.3,mmol/L,mmol/L,5836 +268019503,1091677,4260,3,-basos,0.0,0.0,%,%,4544 +264060587,1091677,-145,1,albumin,2.2,2.2,g/dL,g/dL,-78 +271903923,1091677,-145,3,MCV,82.8,82.8,fL,fL,-64 +271815607,1091677,-1720,3,WBC x 1000,0.8,0.8,K/mcL,th/cumm,-1628 +268019500,1091677,4260,3,-lymphs,9.0,9.0,%,%,4544 +264030629,1091677,-1720,1,bicarbonate,26.0,26,mmol/L,mmol/L,-1665 +266953406,1091677,2750,3,MCH,26.6,26.6,pg,pg,3023 +271858103,1091677,5780,3,Hgb,11.4,11.4,g/dL,g/dL,5871 +268019496,1091677,4260,3,platelets x 1000,146.0,146,K/mcL,th/cumm,4544 +266267766,1091677,1360,3,PT - INR,4.39,4.39,ratio,,1484 +271903929,1091677,-145,3,MCHC,31.6,31.6,g/dL,g/dL,-64 +271815603,1091677,-1720,3,-eos,0.0,0.0,%,%,-1628 +268019492,1091677,4260,3,MCV,84.3,84.3,fL,fL,4544 +261208299,1091677,1360,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,1487 +266953404,1091677,2750,3,WBC x 1000,10.3,10.3,K/mcL,th/cumm,3023 +263174024,1091677,5780,1,glucose,189.0,189,mg/dL,mg/dL,5836 +268019493,1091677,4260,3,MCH,26.7,26.7,pg,pg,4544 +264060588,1091677,-145,1,bicarbonate,31.0,31,mmol/L,mmol/L,-78 +271903924,1091677,-145,3,Hgb,9.9,9.9,g/dL,g/dL,-64 +271815604,1091677,-1720,3,-bands,0.0,0,%,%,-1628 +268019494,1091677,4260,3,MCHC,31.7,31.7,g/dL,g/dL,4544 +264030625,1091677,-1720,1,potassium,4.4,4.4,mmol/L,mmol/L,-1665 +266953405,1091677,2750,3,RDW,15.9,15.9,%,%,3023 +271858113,1091677,5780,3,-lymphs,13.0,13.0,%,%,5871 +268019495,1091677,4260,3,RDW,16.4,16.4,%,%,4544 +265433092,1091677,1360,3,-eos,0.0,0.0,%,%,1567 +271903926,1091677,-145,3,RDW,15.8,15.8,%,%,-64 +271815605,1091677,-1720,3,MCV,82.4,82.4,fL,fL,-1628 +268019490,1091677,4260,3,Hgb,10.9,10.9,g/dL,g/dL,4544 +261208305,1091677,1360,1,sodium,136.0,136,mmol/L,mmol/L,1487 +266953408,1091677,2750,3,MCHC,31.4,31.4,g/dL,g/dL,3023 +263174026,1091677,5780,1,creatinine,0.65,0.65,mg/dL,mg/dL,5836 +268019491,1091677,4260,3,Hct,34.4,34.4,%,%,4544 +264060582,1091677,-145,1,creatinine,0.74,0.74,mg/dL,mg/dL,-78 +271903925,1091677,-145,3,WBC x 1000,0.8,0.8,K/mcL,th/cumm,-64 +271815601,1091677,-1720,3,-polys,5.0,5.0,%,%,-1628 +270376967,1091677,-145,3,PT,18.7,18.7,sec,Secs,-62 +264030627,1091677,-1720,1,anion gap,15.0,15,,,-1665 +266953409,1091677,2750,3,platelets x 1000,148.0,148,K/mcL,th/cumm,3023 +271858114,1091677,5780,3,-monos,3.0,3.0,%,%,5871 +268019488,1091677,4260,3,WBC x 1000,15.6,15.6,K/mcL,th/cumm,4544 +264077705,1091677,1360,1,magnesium,1.6,1.6,mg/dL,mg/dL,1486 +271903930,1091677,-145,3,platelets x 1000,163.0,163,K/mcL,th/cumm,-64 +271815608,1091677,-1720,3,RDW,16.3,16.3,%,%,-1628 +270376968,1091677,-145,3,PT - INR,2.25,2.25,ratio,,-62 +261208311,1091677,1360,1,glucose,213.0,213,mg/dL,mg/dL,1487 +266953394,1091677,2750,3,MPV,9.9,9.9,fL,fL,3023 +263174031,1091677,5780,1,anion gap,12.0,12,,,5836 +268091194,1091677,-1720,3,PTT,26.9,26.9,sec,Secs,-1655 +264060580,1091677,-145,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-78 +268019489,1091677,4260,3,RBC,4.08,4.08,M/mcL,mi/cumm,4544 +273367638,1091677,-1720,4,serum osmolality,280.0,280,mOsm/kg H2O,mOsm/L,-1665 +271903928,1091677,-145,3,-monos,20.0,20.0,%,%,-64 +264030626,1091677,-1720,1,creatinine,0.74,0.74,mg/dL,mg/dL,-1665 +268091192,1091677,-1720,3,PT,19.3,19.3,sec,Secs,-1655 +271815602,1091677,-1720,3,Hct,37.1,37.1,%,%,-1628 +272843840,1091677,1360,4,serum osmolality,292.0,292,mOsm/kg H2O,mOsm/L,1487 +266267765,1091677,1360,3,PT,27.7,27.7,sec,Secs,1484 +266953403,1091677,2750,3,Hgb,10.5,10.5,g/dL,g/dL,3023 +273373136,1091677,-145,4,serum osmolality,282.0,282,mOsm/kg H2O,mOsm/L,-78 +268091193,1091677,-1720,3,PT - INR,2.38,2.38,ratio,,-1655 +265364839,1091677,1009,2,Vancomycin - trough,12.2,12.20,mcg/mL,mcg/mL,1036 +271531662,1091677,2750,3,PT - INR,4.78,4.78,ratio,,2885 +273209862,1091677,5780,4,serum osmolality,281.0,281,mOsm/kg H2O,mOsm/L,5836 +261208312,1091677,1360,1,chloride,102.0,102,mmol/L,mmol/L,1487 +271531661,1091677,2750,3,PT,29.1,29.1,sec,Secs,2885 +271903927,1091677,-145,3,MCH,26.2,26.2,pg,pg,-64 +272925777,1091677,-1645,4,urinary specific gravity,1.01,1.010,,,-1621 +268166039,1091677,5780,3,PT - INR,2.17,2.17,ratio,,5851 +271858101,1091677,5780,3,WBC x 1000,13.3,13.3,K/mcL,th/cumm,5871 +268166038,1091677,5780,3,PT,18.3,18.3,sec,Secs,5851 +792931757,3246790,861,1,calcium,8.1,8.1,mg/dL,mg/dL,964 +792931756,3246790,861,1,total protein,5.5,5.5,g/dL,g/dL,964 +792931758,3246790,861,1,phosphate,5.5,5.5,mg/dL,mg/dL,964 +791778259,3246790,-206,1,chloride,111.0,111,mmol/L,mmol/L,-179 +792931753,3246790,861,1,magnesium,1.4,1.4,mg/dL,mg/dL,964 +791778248,3246790,-206,1,creatinine,10.72,10.72,mg/dL,mg/dL,-179 +792931754,3246790,861,1,albumin,2.8,2.8,g/dL,g/dL,964 +791778260,3246790,-206,1,BUN,84.0,84,mg/dL,mg/dL,-179 +792931755,3246790,861,1,bicarbonate,21.0,21,mmol/L,mmol/L,964 +791778250,3246790,-206,1,anion gap,18.0,18,,,-179 +792931759,3246790,861,1,ALT (SGPT),11.0,11,Units/L,IU/L,964 +791778247,3246790,-206,1,potassium,7.9,7.9,mmol/L,mmol/L,-179 +792931751,3246790,861,1,AST (SGOT),13.0,13,Units/L,IU/L,964 +791778257,3246790,-206,1,ALT (SGPT),16.0,16,Units/L,IU/L,-179 +792931760,3246790,861,1,glucose,179.0,179,mg/dL,mg/dL,964 +791778249,3246790,-206,1,alkaline phos.,106.0,106,Units/L,IU/L,-179 +792931752,3246790,861,1,sodium,135.0,135,mmol/L,mmol/L,964 +791778258,3246790,-206,1,glucose,180.0,180,mg/dL,mg/dL,-179 +792931762,3246790,861,1,BUN,79.0,79,mg/dL,mg/dL,964 +791778246,3246790,-206,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,-179 +795066216,3246790,5131,3,MPV,7.5,7.5,fL,fl,5145 +792931748,3246790,861,1,creatinine,8.81,8.81,mg/dL,mg/dL,964 +795066217,3246790,5131,3,-polys,89.7,89.7,%,%,5372 +791778255,3246790,-206,1,total protein,6.7,6.7,g/dL,g/dL,-179 +795066215,3246790,5131,3,platelets x 1000,191.0,191.0,K/mcL,k/uL,5145 +797963255,3246790,6903,3,RDW,14.6,14.6,%,%,6922 +795066212,3246790,5131,3,MCH,30.3,30.3,pg,pg,5145 +792931749,3246790,861,1,alkaline phos.,84.0,84,Units/L,IU/L,964 +794027336,3246790,5131,1,anion gap,13.0,13,,,5156 +791378548,3246790,2310,1,bicarbonate,26.0,26,mmol/L,mmol/L,2358 +795066213,3246790,5131,3,MCHC,33.3,33.3,g/dL,g/dL,5145 +791778253,3246790,-206,1,albumin,3.6,3.6,g/dL,g/dL,-179 +794027335,3246790,5131,1,bicarbonate,25.0,25,mmol/L,mmol/L,5156 +797963254,3246790,6903,3,MCHC,33.7,33.7,g/dL,g/dL,6922 +795066209,3246790,5131,3,Hgb,11.4,11.4,g/dL,g/dL,5145 +798018177,3246790,2310,3,MPV,7.5,7.5,fL,fl,2356 +792931761,3246790,861,1,chloride,102.0,102,mmol/L,mmol/L,964 +798018176,3246790,2310,3,platelets x 1000,219.0,219.0,K/mcL,k/uL,2356 +798315600,3246790,2310,3,RBC,3.59,3.59,M/mcL,m/uL,2356 +798018175,3246790,2310,3,RDW,14.0,14.0,%,%,2356 +791378546,3246790,2310,1,potassium,3.8,3.8,mmol/L,mmol/L,2358 +798034090,3246790,861,3,-eos,2.3,2.3,%,%,924 +794027338,3246790,5131,1,BUN,34.0,34,mg/dL,mg/dL,5156 +798034086,3246790,861,3,RBC,3.74,3.74,M/mcL,m/uL,924 +791778254,3246790,-206,1,bicarbonate,12.0,12,mmol/L,mmol/L,-179 +798034087,3246790,861,3,-basos,0.9,0.9,%,%,924 +795066210,3246790,5131,3,Hct,34.3,34.3,%,%,5145 +798018178,3246790,2310,3,-polys,68.7,68.7,%,%,2356 +797963258,3246790,6903,3,-polys,88.0,88.0,%,%,6952 +798034088,3246790,861,3,-polys,73.5,73.5,%,%,924 +798315601,3246790,2310,3,Hgb,10.8,10.8,g/dL,g/dL,2356 +797987520,3246790,-206,3,MPV,7.7,7.7,fL,fl,-191 +792931750,3246790,861,1,anion gap,16.0,16,,,964 +798034089,3246790,861,3,Hct,33.6,33.6,%,%,924 +794027332,3246790,5131,1,sodium,136.0,136,mmol/L,mmol/L,5156 +797987526,3246790,-206,3,-eos,1.2,1.2,%,%,-163 +791378547,3246790,2310,1,chloride,100.0,100,mmol/L,mmol/L,2358 +798034091,3246790,861,3,MCV,89.9,89.9,fL,fL,924 +799144350,3246790,-155,4,urinary specific gravity,1.016,1.016,,,-134 +797987521,3246790,-206,3,-lymphs,7.9,7.9,%,%,-163 +791778251,3246790,-206,1,AST (SGOT),16.0,16,Units/L,IU/L,-179 +798034084,3246790,861,3,MPV,7.5,7.5,fL,fl,924 +798315605,3246790,2310,3,MCHC,33.4,33.4,g/dL,g/dL,2356 +797987590,3246790,-206,3,-monos,10.5,10.5,%,%,-163 +797963256,3246790,6903,3,platelets x 1000,264.0,264.0,K/mcL,k/uL,6922 +798018179,3246790,2310,3,-lymphs,11.2,11.2,%,%,2356 +794027339,3246790,5131,1,creatinine,2.25,2.25,mg/dL,mg/dL,5156 +797987591,3246790,-206,3,MCHC,32.8,32.8,g/dL,g/dL,-191 +792931746,3246790,861,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,964 +798034085,3246790,861,3,-lymphs,10.7,10.7,%,%,924 +795066211,3246790,5131,3,MCV,90.8,90.8,fL,fL,5145 +797987522,3246790,-206,3,RBC,4.1,4.10,M/mcL,m/uL,-191 +791378549,3246790,2310,1,anion gap,15.0,15,,,2358 +798034244,3246790,861,3,MCHC,33.5,33.5,g/dL,g/dL,924 +798315604,3246790,2310,3,MCH,29.9,29.9,pg,pg,2356 +797987588,3246790,-206,3,RDW,15.0,15.0,%,%,-191 +791778256,3246790,-206,1,calcium,9.2,9.2,mg/dL,mg/dL,-179 +798018180,3246790,2310,3,-monos,15.7,15.7,%,%,2356 +794027334,3246790,5131,1,chloride,102.0,102,mmol/L,mmol/L,5156 +797987524,3246790,-206,3,-polys,79.6,79.6,%,%,-163 +797963257,3246790,6903,3,MPV,7.7,7.7,fL,fl,6922 +798018181,3246790,2310,3,-eos,3.3,3.3,%,%,2356 +799158805,3246790,150,4,bedside glucose,227.0,227,mg/dL,mg/dl,165 +797987592,3246790,-206,3,platelets x 1000,286.0,286.0,K/mcL,k/uL,-191 +792931747,3246790,861,1,potassium,4.2,4.2,mmol/L,mmol/L,964 +792205548,3246790,6903,1,creatinine,1.99,1.99,mg/dL,mg/dL,6948 +799331182,3246790,5916,4,bedside glucose,406.0,406,mg/dL,mg/dl,5923 +798018182,3246790,2310,3,-basos,1.1,1.1,%,%,2356 +791378545,3246790,2310,1,sodium,137.0,137,mmol/L,mmol/L,2358 +792205544,3246790,6903,1,bicarbonate,24.0,24,mmol/L,mmol/L,6948 +794027331,3246790,5131,1,phosphate,3.0,3.0,mg/dL,mg/dL,5156 +797987589,3246790,-206,3,MCH,30.8,30.8,pg,pg,-191 +791778252,3246790,-206,1,sodium,133.0,133,mmol/L,mmol/L,-179 +789319860,3246790,3664,1,BUN,48.0,48,mg/dL,mg/dL,3721 +795066207,3246790,5131,3,WBC x 1000,8.7,8.7,K/mcL,k/uL,5145 +792205545,3246790,6903,1,anion gap,14.0,14,,,6948 +797963259,3246790,6903,3,-lymphs,5.3,5.3,%,%,6952 +798034239,3246790,861,3,Hgb,11.3,11.3,g/dL,g/dL,924 +798315602,3246790,2310,3,Hct,32.2,32.2,%,%,2356 +789319861,3246790,3664,1,creatinine,3.04,3.04,mg/dL,mg/dL,3721 +798954057,3246790,482,4,bedside glucose,148.0,148,mg/dL,mg/dl,496 +792205546,3246790,6903,1,glucose,318.0,318,mg/dL,mg/dL,6948 +794027337,3246790,5131,1,glucose,270.0,270,mg/dL,mg/dL,5156 +797987523,3246790,-206,3,-basos,0.8,0.8,%,%,-163 +791378550,3246790,2310,1,glucose,134.0,134,mg/dL,mg/dL,2358 +789319862,3246790,3664,1,calcium,8.0,8.0,mg/dL,mg/dL,3721 +792731189,3246790,5131,1,magnesium,1.1,1.1,mg/dL,mg/dL,5156 +792205549,3246790,6903,1,calcium,8.2,8.2,mg/dL,mg/dL,6948 +798903345,3246790,6166,4,bedside glucose,422.0,422,mg/dL,mg/dl,6173 +798034245,3246790,861,3,platelets x 1000,239.0,239.0,K/mcL,k/uL,924 +799286068,3246790,1632,4,bedside glucose,161.0,161,mg/dL,mg/dl,1639 +789319859,3246790,3664,1,glucose,172.0,172,mg/dL,mg/dL,3721 +797963260,3246790,6903,3,-monos,6.5,6.5,%,%,6952 +792205547,3246790,6903,1,BUN,37.0,37,mg/dL,mg/dL,6948 +794027333,3246790,5131,1,potassium,3.8,3.8,mmol/L,mmol/L,5156 +797987525,3246790,-206,3,Hct,38.6,38.6,%,%,-191 +799603979,3246790,1925,4,bedside glucose,153.0,153,mg/dL,mg/dl,1934 +789319856,3246790,3664,1,chloride,102.0,102,mmol/L,mmol/L,3721 +795066208,3246790,5131,3,RBC,3.78,3.78,M/mcL,m/uL,5145 +792205543,3246790,6903,1,chloride,100.0,100,mmol/L,mmol/L,6948 +790516964,3246790,277,1,creatinine,9.36,9.36,mg/dL,mg/dL,349 +798034243,3246790,861,3,-monos,12.6,12.6,%,%,924 +791378551,3246790,2310,1,BUN,66.0,66,mg/dL,mg/dL,2358 +789319857,3246790,3664,1,bicarbonate,28.0,28,mmol/L,mmol/L,3721 +798315599,3246790,2310,3,WBC x 1000,6.0,6.0,K/mcL,k/uL,2356 +792205542,3246790,6903,1,potassium,3.8,3.8,mmol/L,mmol/L,6948 +790516963,3246790,277,1,potassium,5.3,5.3,mmol/L,mmol/L,349 +797987585,3246790,-206,3,MCV,94.1,94.1,fL,fL,-191 +799116293,3246790,4575,4,uric acid,6.5,6.5,mg/dL,mg/dL,4623 +789319855,3246790,3664,1,potassium,3.5,3.5,mmol/L,mmol/L,3721 +799649269,3246790,6755,4,bedside glucose,233.0,233,mg/dL,mg/dl,6762 +792205541,3246790,6903,1,sodium,134.0,134,mmol/L,mmol/L,6948 +790516965,3246790,277,1,anion gap,15.0,15,,,349 +798034242,3246790,861,3,MCH,30.1,30.1,pg,pg,924 +797963262,3246790,6903,3,-basos,0.2,0.2,%,%,6952 +789319854,3246790,3664,1,sodium,138.0,138,mmol/L,mmol/L,3721 +799180503,3246790,4477,4,bedside glucose,141.0,141,mg/dL,mg/dl,4486 +794471870,3246790,-155,3,PT - INR,1.1,1.1,ratio,,-124 +790516968,3246790,277,1,calcium,8.2,8.2,mg/dL,mg/dL,349 +797987587,3246790,-206,3,WBC x 1000,9.7,9.7,K/mcL,k/uL,-191 +798996067,3246790,4744,4,bedside glucose,256.0,256,mg/dL,mg/dl,4752 +798729427,3246790,1066,4,bedside glucose,160.0,160,mg/dL,mg/dl,1074 +799299850,3246790,3049,4,bedside glucose,140.0,140,mg/dL,mg/dl,3063 +792205551,3246790,6903,1,magnesium,2.3,2.3,mg/dL,mg/dL,6948 +790516967,3246790,277,1,bicarbonate,16.0,16,mmol/L,mmol/L,349 +798034241,3246790,861,3,RDW,14.3,14.3,%,%,924 +791378552,3246790,2310,1,creatinine,5.16,5.16,mg/dL,mg/dL,2358 +789319858,3246790,3664,1,anion gap,12.0,12,,,3721 +794027340,3246790,5131,1,calcium,7.9,7.9,mg/dL,mg/dL,5156 +799370971,3246790,1314,4,bedside glucose,143.0,143,mg/dL,mg/dl,1321 +796687745,3246790,6903,3,Hgb,12.2,12.2,g/dL,g/dL,6922 +790516966,3246790,277,1,sodium,134.0,134,mmol/L,mmol/L,349 +794471869,3246790,-155,3,PT,12.5,12.5,sec,sec,-124 +796687746,3246790,6903,3,Hct,36.1,36.1,%,%,6922 +799080946,3246790,5331,4,bedside glucose,230.0,230,mg/dL,mg/dl,5352 +799472576,3246790,4147,4,bedside glucose,217.0,217,mg/dL,mg/dl,4154 +796687743,3246790,6903,3,WBC x 1000,12.6,12.6,K/mcL,k/uL,6922 +795066214,3246790,5131,3,RDW,14.3,14.3,%,%,5145 +797987586,3246790,-206,3,Hgb,12.6,12.6,g/dL,g/dL,-191 +797954494,3246790,5131,3,-basos,1.1,1.1,%,%,5372 +790516969,3246790,277,1,glucose,188.0,188,mg/dL,mg/dL,349 +799282579,3246790,7013,4,bedside glucose,255.0,255,mg/dL,mg/dl,7021 +796687744,3246790,6903,3,RBC,3.97,3.97,M/mcL,m/uL,6922 +797963261,3246790,6903,3,-eos,0.0,0.0,%,%,6952 +798600424,3246790,2482,4,bedside glucose,176.0,176,mg/dL,mg/dl,2490 +797954491,3246790,5131,3,-lymphs,5.5,5.5,%,%,5372 +798315603,3246790,2310,3,MCV,89.6,89.6,fL,fL,2356 +798970811,3246790,2723,4,bedside glucose,200.0,200,mg/dL,mg/dl,2743 +796687747,3246790,6903,3,MCV,91.1,91.1,fL,fL,6922 +790516970,3246790,277,1,chloride,108.0,108,mmol/L,mmol/L,349 +799659383,3246790,5565,4,bedside glucose,310.0,310,mg/dL,mg/dl,5575 +797954492,3246790,5131,3,-monos,3.7,3.7,%,%,5372 +798738958,3246790,3293,4,bedside glucose,164.0,164,mg/dL,mg/dl,3331 +792205550,3246790,6903,1,phosphate,2.1,2.1,mg/dL,mg/dL,6948 +798833243,3246790,5509,4,uric acid,6.5,6.5,mg/dL,mg/dL,5585 +799695431,3246790,3892,4,bedside glucose,155.0,155,mg/dL,mg/dl,3900 +799663970,3246790,1352,4,urinary creatinine,230.45,230.45,mg/dL,mg/dL,1413 +797954493,3246790,5131,3,-eos,0.0,0.0,%,%,5372 +790516971,3246790,277,1,BUN,78.0,78,mg/dL,mg/dL,349 +798034240,3246790,861,3,WBC x 1000,7.7,7.7,K/mcL,k/uL,924 +796687748,3246790,6903,3,MCH,30.7,30.7,pg,pg,6922 +791378553,3246790,2310,1,calcium,7.9,7.9,mg/dL,mg/dL,2358 +799663971,3246790,1352,4,urinary sodium,50.0,50,mmol/L,mmol/L,1413 +798647594,3246790,3664,4,uric acid,7.1,7.1,mg/dL,mg/dL,3721 +663447895,2853358,1900,3,RDW,19.2,19.2,%,%,1925 +663447894,2853358,1900,3,WBC x 1000,9.5,9.5,K/mcL,K/uL,1925 +630181706,2853358,1900,1,potassium,3.1,3.1,mmol/L,mmol/L,1941 +663447896,2853358,1900,3,MCH,30.4,30.4,pg,pg,1925 +630181714,2853358,1900,1,BUN,38.0,38,mg/dL,mg/dL,1941 +663447897,2853358,1900,3,MCHC,34.8,34.8,g/dL,g/dL,1925 +630181709,2853358,1900,1,sodium,127.0,127,mmol/L,mmol/L,1941 +663447892,2853358,1900,3,MCV,87.0,87,fL,fL,1925 +630181710,2853358,1900,1,bicarbonate,25.0,25,mmol/L,mmol/L,1941 +663447893,2853358,1900,3,Hgb,15.4,15.4,g/dL,g/dL,1925 +653006593,2853358,-230,3,-lymphs,3.0,3,%,%,-204 +630181711,2853358,1900,1,calcium,8.4,8.4,mg/dL,mg/dL,1941 +653006594,2853358,-230,3,RBC,6.96,6.96,M/mcL,M/uL,-204 +663447890,2853358,1900,3,RBC,5.07,5.07,M/mcL,M/uL,1925 +653006595,2853358,-230,3,-basos,0.0,0,%,%,-204 +630181712,2853358,1900,1,glucose,105.0,105,mg/dL,mg/dL,1941 +653006604,2853358,-230,3,-monos,7.0,7,%,%,-204 +663447891,2853358,1900,3,Hct,44.3,44.3,%,%,1925 +653006603,2853358,-230,3,MCH,29.9,29.9,pg,pg,-204 +630181708,2853358,1900,1,anion gap,12.1,12.1,,mmol/L,1941 +653006601,2853358,-230,3,WBC x 1000,15.6,15.6,K/mcL,K/uL,-204 +640775622,2853358,920,1,CPK,69.0,69,Units/L,U/L,1024 +653006600,2853358,-230,3,Hgb,20.8,20.8,g/dL,g/dL,-204 +630181707,2853358,1900,1,creatinine,1.63,1.63,mg/dL,mg/dL,1941 +653006599,2853358,-230,3,MCV,82.0,82,fL,fL,-204 +663447898,2853358,1900,3,platelets x 1000,184.0,184,K/mcL,K/uL,1925 +653006597,2853358,-230,3,Hct,57.2,57.2,%,%,-204 +645218828,2853358,1900,1,phosphate,2.8,2.8,mg/dL,mg/dL,1941 +653006598,2853358,-230,3,-eos,0.0,0,%,%,-204 +646759405,2853358,1900,1,magnesium,1.6,1.6,mg/dL,mg/dL,1941 +653006606,2853358,-230,3,platelets x 1000,284.0,284,K/mcL,K/uL,-204 +628335176,2853358,3340,1,magnesium,1.6,1.6,mg/dL,mg/dL,3395 +653006605,2853358,-230,3,MCHC,36.4,36.4,g/dL,g/dL,-204 +630181713,2853358,1900,1,chloride,93.0,93,mmol/L,mmol/L,1941 +653006596,2853358,-230,3,-polys,90.0,90,%,%,-204 +643817677,2853358,205,1,chloride,90.0,90,mmol/L,mmol/L,240 +638662966,2853358,2283,1,magnesium,1.9,1.9,mg/dL,mg/dL,2320 +653006602,2853358,-230,3,RDW,20.3,20.3,%,%,-204 +643817676,2853358,205,1,glucose,127.0,127,mg/dL,mg/dL,240 +633704680,2853358,1290,1,potassium,3.6,3.6,mmol/L,mmol/L,1339 +633970112,2853358,460,1,total bilirubin,1.3,1.3,mg/dL,mg/dL,536 +641230077,2853358,-163,1,potassium,2.6,2.6,mmol/L,mmol/L,-134 +643817670,2853358,205,1,potassium,2.9,2.9,mmol/L,mmol/L,240 +641230078,2853358,-163,1,creatinine,1.94,1.94,mg/dL,mg/dL,-134 +633970126,2853358,460,1,BUN,39.0,39,mg/dL,mg/dL,536 +641230080,2853358,-163,1,anion gap,13.6,13.6,,mmol/L,-134 +643817675,2853358,205,1,calcium,9.2,9.2,mg/dL,mg/dL,240 +641230079,2853358,-163,1,alkaline phos.,154.0,154,Units/L,U/L,-134 +633970124,2853358,460,1,glucose,84.0,84,mg/dL,mg/dL,536 +641230081,2853358,-163,1,AST (SGOT),26.0,26,Units/L,U/L,-134 +643817671,2853358,205,1,creatinine,1.7,1.70,mg/dL,mg/dL,240 +641230088,2853358,-163,1,glucose,114.0,114,mg/dL,mg/dL,-134 +633970125,2853358,460,1,chloride,92.0,92,mmol/L,mmol/L,536 +641230087,2853358,-163,1,ALT (SGPT),15.0,15,Units/L,U/L,-134 +671961117,2853358,3860,4,urinary sodium,,<20,mmol/L,mmol/L,3918 +635930139,2853358,3340,1,BUN,37.0,37,mg/dL,mg/dL,3395 +665422070,2853358,3340,3,platelets x 1000,182.0,182,K/mcL,K/uL,3387 +666195206,2853358,460,3,WBC x 1000,14.1,14.1,K/mcL,K/uL,506 +633970120,2853358,460,1,bicarbonate,25.0,25,mmol/L,mmol/L,536 +641230076,2853358,-163,1,total bilirubin,1.3,1.3,mg/dL,mg/dL,-134 +643817674,2853358,205,1,bicarbonate,27.0,27,mmol/L,mmol/L,240 +666195204,2853358,460,3,MCV,86.0,86,fL,fL,506 +665422068,2853358,3340,3,MCHC,34.9,34.9,g/dL,g/dL,3387 +635930140,2853358,3340,1,creatinine,1.97,1.97,mg/dL,mg/dL,3395 +633970122,2853358,460,1,calcium,8.7,8.7,mg/dL,mg/dL,536 +666195205,2853358,460,3,Hgb,16.5,16.5,g/dL,g/dL,506 +671908503,2853358,3860,4,urinary osmolality,300.0,300,mOsm/L,mOsm/kg,4488 +641230089,2853358,-163,1,chloride,86.0,86,mmol/L,mmol/L,-134 +665422067,2853358,3340,3,MCH,30.6,30.6,pg,pg,3387 +666195198,2853358,460,3,-lymphs,7.0,7,%,%,506 +633970119,2853358,460,1,albumin,1.8,1.8,g/dL,g/dL,536 +635930141,2853358,3340,1,calcium,9.3,9.3,mg/dL,mg/dL,3395 +642732203,2853358,-163,1,CPK,147.0,147,Units/L,U/L,-134 +666195207,2853358,460,3,RDW,18.9,18.9,%,%,506 +665422064,2853358,3340,3,Hgb,16.9,16.9,g/dL,g/dL,3387 +641230085,2853358,-163,1,total protein,7.4,7.4,g/dL,g/dL,-134 +633970121,2853358,460,1,total protein,5.8,5.8,g/dL,g/dL,536 +666195199,2853358,460,3,RBC,5.43,5.43,M/mcL,M/uL,506 +643817673,2853358,205,1,sodium,127.0,127,mmol/L,mmol/L,240 +635930134,2853358,3340,1,potassium,2.2,2.2,mmol/L,mmol/L,3395 +665422065,2853358,3340,3,Hct,48.4,48.4,%,%,3387 +666195208,2853358,460,3,MCH,30.4,30.4,pg,pg,506 +633970115,2853358,460,1,alkaline phos.,124.0,124,Units/L,U/L,536 +641230082,2853358,-163,1,sodium,128.0,128,mmol/L,mmol/L,-134 +635356837,2853358,920,1,potassium,3.0,3.0,mmol/L,mmol/L,946 +666195200,2853358,460,3,-basos,0.0,0,%,%,506 +665422066,2853358,3340,3,MCV,88.0,88,fL,fL,3387 +635930138,2853358,3340,1,glucose,108.0,108,mg/dL,mg/dL,3395 +633970114,2853358,460,1,creatinine,1.71,1.71,mg/dL,mg/dL,536 +666195201,2853358,460,3,-polys,85.0,85,%,%,506 +643817672,2853358,205,1,anion gap,12.9,12.9,,mmol/L,240 +641230083,2853358,-163,1,albumin,2.4,2.4,g/dL,g/dL,-134 +665422062,2853358,3340,3,WBC x 1000,8.0,8.0,K/mcL,K/uL,3387 +666195202,2853358,460,3,Hct,46.8,46.8,%,%,506 +633970116,2853358,460,1,anion gap,14.2,14.2,,mmol/L,536 +635930135,2853358,3340,1,chloride,92.0,92,mmol/L,mmol/L,3395 +629688971,2853358,460,1,magnesium,2.4,2.4,mg/dL,mg/dL,536 +666195203,2853358,460,3,-eos,0.0,0,%,%,506 +635027599,2853358,-163,1,troponin - I,,<0.02,ng/mL,ng/mL,-134 +641230084,2853358,-163,1,bicarbonate,31.0,31,mmol/L,mmol/L,-134 +633970117,2853358,460,1,AST (SGOT),23.0,23,Units/L,U/L,536 +666195209,2853358,460,3,-monos,8.0,8,%,%,506 +643817678,2853358,205,1,BUN,40.0,40,mg/dL,mg/dL,240 +635930136,2853358,3340,1,bicarbonate,28.0,28,mmol/L,mmol/L,3395 +665422069,2853358,3340,3,RDW,19.4,19.4,%,%,3387 +666195210,2853358,460,3,MCHC,35.3,35.3,g/dL,g/dL,506 +633970113,2853358,460,1,potassium,3.2,3.2,mmol/L,mmol/L,536 +641230086,2853358,-163,1,calcium,9.8,9.8,mg/dL,mg/dL,-134 +637681200,2853358,3765,1,potassium,3.3,3.3,mmol/L,mmol/L,3830 +674107736,2853358,-161,4,urinary specific gravity,1.011,1.011,,,-140 +634057891,2853358,-163,1,magnesium,1.7,1.7,mg/dL,mg/dL,-132 +635930137,2853358,3340,1,anion gap,11.2,11.2,,mmol/L,3395 +633970118,2853358,460,1,sodium,128.0,128,mmol/L,mmol/L,536 +666195211,2853358,460,3,platelets x 1000,207.0,207,K/mcL,K/uL,506 +670798769,2853358,460,4,TSH,0.32,0.32,mcU/ml,uIU/mL,536 +641230090,2853358,-163,1,BUN,43.0,43,mg/dL,mg/dL,-134 +665422063,2853358,3340,3,RBC,5.53,5.53,M/mcL,M/uL,3387 +646266051,2853358,2283,1,potassium,3.6,3.6,mmol/L,mmol/L,2320 +633970123,2853358,460,1,ALT (SGPT),12.0,12,Units/L,U/L,536 +635930133,2853358,3340,1,sodium,129.0,129,mmol/L,mmol/L,3395 +263621258,1101375,26906,1,sodium,148.0,148,mmol/L,mmol/L,26963 +263893855,1101375,32645,1,creatinine,0.3,0.3,mg/dL,mg/dL,32679 +263678520,1101375,18251,1,potassium,3.9,3.9,mmol/L,mmol/L,18309 +263818579,1101375,1008,1,sodium,141.0,141,mmol/L,mmol/L,1047 +263621259,1101375,26906,1,bicarbonate,30.0,30,mmol/L,mmol/L,26963 +263893854,1101375,32645,1,potassium,4.5,4.5,mmol/L,mmol/L,32679 +263621257,1101375,26906,1,creatinine,0.3,0.3,mg/dL,mg/dL,26963 +270981469,1101375,3831,3,-basos,0.0,0,%,%,5371 +263893858,1101375,32645,1,calcium,8.8,8.8,mg/dL,mg/dL,32679 +270981471,1101375,3831,3,Hct,40.2,40.2,%,%,5371 +263678523,1101375,18251,1,bicarbonate,25.0,25,mmol/L,mmol/L,18309 +270981470,1101375,3831,3,-polys,84.0,84,%,%,5371 +263818581,1101375,1008,1,glucose,93.0,93,mg/dL,mg/dL,1047 +271113853,1101375,34046,3,-eos,0.0,0,%,%,34078 +268514599,1101375,8181,3,platelets x 1000,211.0,211,K/mcL,K/uL,8201 +271113849,1101375,34046,3,RBC,3.79,3.79,M/mcL,M/uL,34057 +263678521,1101375,18251,1,creatinine,0.3,0.3,mg/dL,mg/dL,18309 +271113850,1101375,34046,3,-basos,0.0,0,%,%,34078 +263818578,1101375,1008,1,potassium,3.7,3.7,mmol/L,mmol/L,1047 +271113848,1101375,34046,3,-lymphs,2.0,2,%,%,34078 +268514598,1101375,8181,3,MCHC,32.1,32.1,g/dL,g/dL,8201 +271113847,1101375,34046,3,MPV,9.8,9.8,fL,fL,34057 +267738430,1101375,35576,3,-eos,0.0,0,%,%,35642 +271113851,1101375,34046,3,-polys,93.0,93,%,%,34078 +267170553,1101375,25447,3,Hct,31.6,31.6,%,%,25471 +270981472,1101375,3831,3,-eos,0.0,0,%,%,5371 +263678526,1101375,18251,1,chloride,102.0,102,mmol/L,mmol/L,18309 +271113854,1101375,34046,3,MCV,93.9,93.9,fL,fL,34057 +267738431,1101375,35576,3,MCV,94.1,94.1,fL,fL,35592 +271113852,1101375,34046,3,Hct,35.6,35.6,%,%,34057 +267170551,1101375,25447,3,-basos,0.0,0,%,%,25480 +271113855,1101375,34046,3,Hgb,10.9,10.9,g/dL,g/dL,34057 +263818583,1101375,1008,1,BUN,7.0,7,mg/dL,mg/dL,1047 +270981473,1101375,3831,3,MCV,88.0,88.0,fL,fL,5371 +267738427,1101375,35576,3,-basos,0.0,0,%,%,35642 +270981468,1101375,3831,3,RBC,4.57,4.57,M/mcL,M/uL,5371 +267170554,1101375,25447,3,-eos,0.0,0,%,%,25480 +270981466,1101375,3831,3,MPV,9.7,9.7,fL,fL,5371 +268514597,1101375,8181,3,-monos,7.0,7,%,%,8201 +271712158,1101375,31181,3,-monos,5.0,5,%,%,31231 +267738428,1101375,35576,3,-polys,92.0,92,%,%,35642 +271579806,1101375,5231,3,MCH,28.3,28.3,pg,pg,5371 +267170552,1101375,25447,3,-polys,94.0,94,%,%,25480 +270981467,1101375,3831,3,-lymphs,11.0,11,%,%,5371 +263621260,1101375,26906,1,calcium,8.6,8.6,mg/dL,mg/dL,26963 +271712160,1101375,31181,3,platelets x 1000,299.0,299,K/mcL,K/uL,31205 +267738432,1101375,35576,3,Hgb,10.8,10.8,g/dL,g/dL,35592 +271579796,1101375,5231,3,-lymphs,5.0,5,%,%,5371 +267170548,1101375,25447,3,MPV,9.2,9.2,fL,fL,25471 +270981480,1101375,3831,3,platelets x 1000,172.0,172,K/mcL,K/uL,3857 +263818580,1101375,1008,1,bicarbonate,28.0,28,mmol/L,mmol/L,1047 +271712159,1101375,31181,3,MCHC,30.7,30.7,g/dL,g/dL,31205 +267738429,1101375,35576,3,Hct,35.1,35.1,%,%,35592 +271579802,1101375,5231,3,MCV,89.2,89.2,fL,fL,5371 +267170549,1101375,25447,3,-lymphs,3.0,3,%,%,25480 +270981479,1101375,3831,3,WBC x 1000,7.02,7.02,K/mcL,K/uL,3857 +268514595,1101375,8181,3,RDW,14.6,14.6,%,%,8201 +271712149,1101375,31181,3,-basos,0.0,0,%,%,31231 +267738433,1101375,35576,3,WBC x 1000,12.98,12.98,K/mcL,K/uL,35592 +271579803,1101375,5231,3,Hgb,11.0,11.0,g/dL,g/dL,5371 +267170559,1101375,25447,3,MCH,28.7,28.7,pg,pg,25471 +271113859,1101375,34046,3,-monos,5.0,5,%,%,34078 +263621263,1101375,26906,1,BUN,34.0,34,mg/dL,mg/dL,26963 +271712157,1101375,31181,3,MCH,28.9,28.9,pg,pg,31205 +267738438,1101375,35576,3,platelets x 1000,205.0,205,K/mcL,K/uL,35592 +271579800,1101375,5231,3,Hct,34.7,34.7,%,%,5371 +267170555,1101375,25447,3,MCV,92.7,92.7,fL,fL,25471 +271113857,1101375,34046,3,RDW,17.1,17.1,%,%,34057 +263818582,1101375,1008,1,chloride,102.0,102,mmol/L,mmol/L,1047 +271712154,1101375,31181,3,Hgb,10.7,10.7,g/dL,g/dL,31205 +267738437,1101375,35576,3,MCHC,30.8,30.8,g/dL,g/dL,35592 +271579801,1101375,5231,3,-eos,0.0,0,%,%,5371 +267170550,1101375,25447,3,RBC,3.41,3.41,M/mcL,M/uL,25471 +271113856,1101375,34046,3,WBC x 1000,17.0,17.00,K/mcL,K/uL,34057 +268514596,1101375,8181,3,MCH,28.6,28.6,pg,pg,8201 +271712155,1101375,31181,3,WBC x 1000,12.14,12.14,K/mcL,K/uL,31205 +267738425,1101375,35576,3,-lymphs,3.0,3,%,%,35642 +271579798,1101375,5231,3,-basos,0.0,0,%,%,5371 +267170558,1101375,25447,3,RDW,16.4,16.4,%,%,25471 +271113858,1101375,34046,3,MCH,28.8,28.8,pg,pg,34057 +263621261,1101375,26906,1,glucose,162.0,162,mg/dL,mg/dL,26963 +264209634,1101375,12926,1,glucose,178.0,178,mg/dL,mg/dL,12960 +267738424,1101375,35576,3,MPV,10.2,10.2,fL,fL,35592 +271712153,1101375,31181,3,MCV,94.3,94.3,fL,fL,31205 +267170557,1101375,25447,3,WBC x 1000,11.56,11.56,K/mcL,K/uL,25471 +267761322,1101375,47712,3,MPV,10.2,10.2,fL,fL,47722 +263893856,1101375,32645,1,sodium,152.0,152,mmol/L,mmol/L,32679 +271579809,1101375,5231,3,platelets x 1000,251.0,251,K/mcL,K/uL,5261 +267738434,1101375,35576,3,RDW,17.1,17.1,%,%,35592 +264243508,1101375,8531,1,potassium,4.3,4.3,mmol/L,mmol/L,8593 +267170561,1101375,25447,3,MCHC,31.0,31.0,g/dL,g/dL,25471 +271113860,1101375,34046,3,MCHC,30.6,30.6,g/dL,g/dL,34057 +268514590,1101375,8181,3,Hct,32.4,32.4,%,%,8201 +267761323,1101375,47712,3,-lymphs,2.0,2,%,%,47761 +267738426,1101375,35576,3,RBC,3.73,3.73,M/mcL,M/uL,35592 +271712148,1101375,31181,3,RBC,3.7,3.70,M/mcL,M/uL,31205 +267170562,1101375,25447,3,platelets x 1000,377.0,377,K/mcL,K/uL,25471 +264209635,1101375,12926,1,chloride,106.0,106,mmol/L,mmol/L,12960 +263621256,1101375,26906,1,potassium,4.1,4.1,mmol/L,mmol/L,26963 +260281398,1101375,26164,1,chloride,105.0,105,mmol/L,mmol/L,26188 +271579799,1101375,5231,3,-polys,88.0,88,%,%,5371 +263697479,1101375,7598,1,calcium,8.3,8.3,mg/dL,mg/dL,7623 +267738435,1101375,35576,3,MCH,29.0,29.0,pg,pg,35592 +260281396,1101375,26164,1,calcium,8.9,8.9,mg/dL,mg/dL,26188 +267761326,1101375,47712,3,-polys,94.0,94,%,%,47761 +263697480,1101375,7598,1,glucose,122.0,122,mg/dL,mg/dL,7623 +267170560,1101375,25447,3,-monos,2.0,2,%,%,25480 +260281395,1101375,26164,1,bicarbonate,33.0,33,mmol/L,mmol/L,26188 +270981478,1101375,3831,3,MCHC,32.1,32.1,g/dL,g/dL,5371 +263697475,1101375,7598,1,potassium,5.0,5.0,mmol/L,mmol/L,7623 +263893861,1101375,32645,1,BUN,39.0,39,mg/dL,mg/dL,32679 +260281397,1101375,26164,1,glucose,130.0,130,mg/dL,mg/dL,26188 +264243510,1101375,8531,1,sodium,141.0,141,mmol/L,mmol/L,8593 +261058443,1101375,11891,1,creatinine,0.3,0.3,mg/dL,mg/dL,11917 +263697477,1101375,7598,1,sodium,145.0,145,mmol/L,mmol/L,7623 +267738436,1101375,35576,3,-monos,4.0,4,%,%,35642 +261058449,1101375,11891,1,BUN,23.0,23,mg/dL,mg/dL,11917 +260281394,1101375,26164,1,sodium,144.0,144,mmol/L,mmol/L,26188 +263687066,1101375,6001,1,potassium,3.7,3.7,mmol/L,mmol/L,6031 +261300691,1101375,7598,1,magnesium,1.9,1.9,mg/dL,mg/dL,7623 +263697476,1101375,7598,1,creatinine,0.4,0.4,mg/dL,mg/dL,7623 +267170556,1101375,25447,3,Hgb,9.8,9.8,g/dL,g/dL,25471 +261058448,1101375,11891,1,chloride,108.0,108,mmol/L,mmol/L,11917 +260281393,1101375,26164,1,creatinine,0.3,0.3,mg/dL,mg/dL,26188 +271712150,1101375,31181,3,-polys,90.0,90,%,%,31231 +261058445,1101375,11891,1,bicarbonate,24.0,24,mmol/L,mmol/L,11917 +263697478,1101375,7598,1,bicarbonate,23.0,23,mmol/L,mmol/L,7623 +268392317,1101375,47098,3,PT - INR,1.08,1.08,ratio,,47121 +261058446,1101375,11891,1,calcium,7.8,7.8,mg/dL,mg/dL,11917 +260281399,1101375,26164,1,BUN,35.0,35,mg/dL,mg/dL,26188 +263687067,1101375,6001,1,creatinine,0.4,0.4,mg/dL,mg/dL,6031 +261058442,1101375,11891,1,potassium,3.8,3.8,mmol/L,mmol/L,11917 +263697481,1101375,7598,1,chloride,112.0,112,mmol/L,mmol/L,7623 +268188890,1101375,9611,3,MCH,28.3,28.3,pg,pg,9630 +261058444,1101375,11891,1,sodium,143.0,143,mmol/L,mmol/L,11917 +260281392,1101375,26164,1,potassium,4.3,4.3,mmol/L,mmol/L,26188 +267761324,1101375,47712,3,RBC,3.92,3.92,M/mcL,M/uL,47722 +261058447,1101375,11891,1,glucose,249.0,249,mg/dL,mg/dL,11917 +263697482,1101375,7598,1,BUN,22.0,22,mg/dL,mg/dL,7623 +263678527,1101375,18251,1,BUN,24.0,24,mg/dL,mg/dL,18309 +274509138,1101375,3608,7,O2 Sat (%),100.0,100,%,%,3610 +263687068,1101375,6001,1,sodium,150.0,150,mmol/L,mmol/L,6031 +274509135,1101375,3608,7,paCO2,44.3,44.3,mm Hg,mm Hg,3610 +268350524,1101375,18251,3,RBC,3.52,3.52,M/mcL,M/uL,18293 +274509134,1101375,3608,7,paO2,390.0,390,mm Hg,mm Hg,3610 +271579797,1101375,5231,3,RBC,3.89,3.89,M/mcL,M/uL,5371 +273479231,1101375,1314,4,serum osmolality,291.0,291,mOsm/kg H2O,mOsm/kg,1362 +263893860,1101375,32645,1,chloride,111.0,111,mmol/L,mmol/L,32679 +274509136,1101375,3608,7,pH,7.446,7.446,,,3610 +263687072,1101375,6001,1,chloride,111.0,111,mmol/L,mmol/L,6031 +273440630,1101375,25729,4,bedside glucose,171.0,171,mg/dL,mg/dl,25740 +268293928,1101375,2406,3,MCV,88.1,88.1,fL,fL,5371 +274509133,1101375,3608,7,FiO2,100.0,100,%,%,3610 +264209636,1101375,12926,1,BUN,22.0,22,mg/dL,mg/dL,12960 +259405047,1101375,5231,1,phosphate,2.8,2.8,mg/dL,mg/dL,5298 +268514592,1101375,8181,3,MCV,89.0,89.0,fL,fL,8201 +274509139,1101375,3608,7,Base Excess,6.0,6,mEq/L,mmol/L,3610 +263687070,1101375,6001,1,calcium,8.2,8.2,mg/dL,mg/dL,6031 +270059763,1101375,13911,3,Hgb,9.7,9.7,g/dL,g/dL,13926 +268293927,1101375,2406,3,-eos,0.0,0,%,%,5371 +270059762,1101375,13911,3,MCV,88.5,88.5,fL,fL,13926 +270981477,1101375,3831,3,-monos,5.0,5,%,%,5371 +270059768,1101375,13911,3,MCHC,32.3,32.3,g/dL,g/dL,13926 +263678522,1101375,18251,1,sodium,138.0,138,mmol/L,mmol/L,18309 +270059769,1101375,13911,3,platelets x 1000,247.0,247,K/mcL,K/uL,13926 +263687073,1101375,6001,1,BUN,20.0,20,mg/dL,mg/dL,6031 +270059767,1101375,13911,3,-monos,9.0,9,%,%,13926 +268188888,1101375,9611,3,WBC x 1000,15.43,15.43,K/mcL,K/uL,9630 +270059764,1101375,13911,3,WBC x 1000,12.06,12.06,K/mcL,K/uL,13926 +267761325,1101375,47712,3,-basos,0.0,0,%,%,47761 +260173112,1101375,11401,1,BUN,25.0,25,mg/dL,mg/dL,11440 +263893859,1101375,32645,1,glucose,170.0,170,mg/dL,mg/dL,32679 +270059765,1101375,13911,3,RDW,13.6,13.6,%,%,13926 +263687069,1101375,6001,1,bicarbonate,30.0,30,mmol/L,mmol/L,6031 +260173109,1101375,11401,1,calcium,8.6,8.6,mg/dL,mg/dL,11440 +268188889,1101375,9611,3,RDW,14.2,14.2,%,%,9630 +270059766,1101375,13911,3,MCH,28.6,28.6,pg,pg,13926 +271712151,1101375,31181,3,Hct,34.9,34.9,%,%,31205 +260173108,1101375,11401,1,bicarbonate,25.0,25,mmol/L,mmol/L,11440 +268514588,1101375,8181,3,-basos,0.0,0,%,%,8201 +270059757,1101375,13911,3,RBC,3.39,3.39,M/mcL,M/uL,13926 +263687071,1101375,6001,1,glucose,163.0,163,mg/dL,mg/dL,6031 +260173107,1101375,11401,1,sodium,143.0,143,mmol/L,mmol/L,11440 +268188887,1101375,9611,3,Hgb,10.6,10.6,g/dL,g/dL,9630 +270059759,1101375,13911,3,-polys,76.0,76,%,%,13926 +271653135,1101375,4021,3,PTT,28.0,28,sec,seconds,4095 +260173110,1101375,11401,1,glucose,216.0,216,mg/dL,mg/dL,11440 +263678524,1101375,18251,1,calcium,8.8,8.8,mg/dL,mg/dL,18309 +270059756,1101375,13911,3,-lymphs,14.0,14,%,%,13926 +264209633,1101375,12926,1,calcium,8.3,8.3,mg/dL,mg/dL,12960 +260173106,1101375,11401,1,creatinine,0.4,0.4,mg/dL,mg/dL,11440 +268350525,1101375,18251,3,-basos,0.0,0,%,%,18293 +270059758,1101375,13911,3,-basos,0.0,0,%,%,13926 +262477821,1101375,9963,1,bicarbonate,22.0,22,mmol/L,mmol/L,9991 +260196316,1101375,31571,1,BUN,37.0,37,mg/dL,mg/dL,31866 +263893857,1101375,32645,1,bicarbonate,33.0,33,mmol/L,mmol/L,32679 +270059755,1101375,13911,3,MPV,9.8,9.8,fL,fL,13926 +271579804,1101375,5231,3,WBC x 1000,14.75,14.75,K/mcL,K/uL,5261 +260173111,1101375,11401,1,chloride,107.0,107,mmol/L,mmol/L,11440 +263178017,1101375,33231,1,bicarbonate,34.0,34,mmol/L,mmol/L,33263 +270059761,1101375,13911,3,-eos,0.0,0,%,%,13926 +268188891,1101375,9611,3,-monos,5.0,5,%,%,9630 +260196313,1101375,31571,1,calcium,8.9,8.9,mg/dL,mg/dL,31866 +262477820,1101375,9963,1,sodium,132.0,132,mmol/L,mmol/L,9991 +270059760,1101375,13911,3,Hct,30.0,30.0,%,%,13926 +263178018,1101375,33231,1,calcium,8.6,8.6,mg/dL,mg/dL,33263 +260173105,1101375,11401,1,potassium,4.1,4.1,mmol/L,mmol/L,11440 +268514591,1101375,8181,3,-eos,0.0,0,%,%,8201 +270343472,1101375,21086,3,MCV,88.6,88.6,fL,fL,21106 +267761328,1101375,47712,3,-eos,0.0,0,%,%,47761 +260196314,1101375,31571,1,glucose,152.0,152,mg/dL,mg/dL,31866 +262453493,1101375,-108,1,BUN,9.0,9,mg/dL,mg/dL,5371 +270343479,1101375,21086,3,platelets x 1000,449.0,449,K/mcL,K/uL,21106 +268188881,1101375,9611,3,RBC,3.75,3.75,M/mcL,M/uL,9630 +260196312,1101375,31571,1,bicarbonate,30.0,30,mmol/L,mmol/L,31866 +262477819,1101375,9963,1,creatinine,0.3,0.3,mg/dL,mg/dL,9991 +270343473,1101375,21086,3,Hgb,10.9,10.9,g/dL,g/dL,21106 +263178015,1101375,33231,1,creatinine,0.3,0.3,mg/dL,mg/dL,33263 +260196309,1101375,31571,1,potassium,4.2,4.2,mmol/L,mmol/L,31866 +263678525,1101375,18251,1,glucose,142.0,142,mg/dL,mg/dL,18309 +270343474,1101375,21086,3,WBC x 1000,16.29,16.29,K/mcL,K/uL,21106 +270981475,1101375,3831,3,RDW,14.6,14.6,%,%,5371 +260196310,1101375,31571,1,creatinine,0.3,0.3,mg/dL,mg/dL,31866 +262453490,1101375,-108,1,ionized calcium,4.56,1.14,mg/dL,mmol/L,5371 +270343476,1101375,21086,3,MCH,28.8,28.8,pg,pg,21106 +268188880,1101375,9611,3,-lymphs,6.0,6,%,%,9630 +260683951,1101375,8871,1,glucose,157.0,157,mg/dL,mg/dL,8912 +262477818,1101375,9963,1,potassium,3.6,3.6,mmol/L,mmol/L,9991 +260196311,1101375,31571,1,sodium,148.0,148,mmol/L,mmol/L,31866 +262716622,1101375,5231,1,magnesium,1.9,1.9,mg/dL,mg/dL,5298 +260683952,1101375,8871,1,chloride,108.0,108,mmol/L,mmol/L,8912 +263818577,1101375,1008,1,calcium,8.6,8.6,mg/dL,mg/dL,5371 +270343475,1101375,21086,3,RDW,15.5,15.5,%,%,21106 +264243509,1101375,8531,1,creatinine,0.4,0.4,mg/dL,mg/dL,8593 +260683953,1101375,8871,1,BUN,21.0,21,mg/dL,mg/dL,8912 +263178016,1101375,33231,1,sodium,149.0,149,mmol/L,mmol/L,33263 +270306321,1101375,7136,3,Hgb,8.2,8.2,g/dL,g/dL,7143 +268188882,1101375,9611,3,-basos,0.0,0,%,%,9630 +260607643,1101375,4488,1,anion gap,6.6,6.6,,mmol/L,4499 +262477822,1101375,9963,1,calcium,7.7,7.7,mg/dL,mg/dL,9991 +260196315,1101375,31571,1,chloride,107.0,107,mmol/L,mmol/L,31866 +262419135,1101375,13911,1,bicarbonate,27.0,27,mmol/L,mmol/L,13940 +260683946,1101375,8871,1,potassium,4.1,4.1,mmol/L,mmol/L,8912 +268514589,1101375,8181,3,-polys,84.0,84,%,%,8201 +270343478,1101375,21086,3,MCHC,32.5,32.5,g/dL,g/dL,21106 +271712156,1101375,31181,3,RDW,17.1,17.1,%,%,31205 +260683947,1101375,8871,1,creatinine,0.3,0.3,mg/dL,mg/dL,8912 +262453491,1101375,-108,1,glucose,173.0,173,mg/dL,mg/dL,5371 +260013640,1101375,15371,1,sodium,135.0,135,mmol/L,mmol/L,15429 +268293925,1101375,2406,3,-polys,75.0,75,%,%,5371 +260607646,1101375,4488,1,glucose,164.0,164,mg/dL,mg/dL,4499 +262477824,1101375,9963,1,chloride,98.0,98,mmol/L,mmol/L,9991 +270343471,1101375,21086,3,-eos,0.0,0,%,%,21106 +262903804,1101375,11031,1,BUN,23.0,23,mg/dL,mg/dL,11108 +262134841,1101375,10306,1,calcium,8.0,8.0,mg/dL,mg/dL,10336 +263621262,1101375,26906,1,chloride,111.0,111,mmol/L,mmol/L,26963 +260013638,1101375,15371,1,potassium,3.7,3.7,mmol/L,mmol/L,15429 +267761327,1101375,47712,3,Hct,36.3,36.3,%,%,47722 +260683948,1101375,8871,1,sodium,144.0,144,mmol/L,mmol/L,8912 +263178021,1101375,33231,1,BUN,38.0,38,mg/dL,mg/dL,33263 +270343477,1101375,21086,3,-monos,7.0,7,%,%,21106 +268188883,1101375,9611,3,-polys,88.0,88,%,%,9630 +269054620,1101375,11031,3,RDW,13.9,13.9,%,%,11093 +262477825,1101375,9963,1,BUN,16.0,16,mg/dL,mg/dL,9991 +262134839,1101375,10306,1,sodium,147.0,147,mmol/L,mmol/L,10336 +262419133,1101375,13911,1,creatinine,0.3,0.3,mg/dL,mg/dL,13940 +269054622,1101375,11031,3,-monos,5.0,5,%,%,11093 +263818576,1101375,1008,1,creatinine,0.6,0.6,mg/dL,mg/dL,5371 +263215978,1101375,47712,1,calcium,8.6,8.6,mg/dL,mg/dL,47749 +271579808,1101375,5231,3,MCHC,31.7,31.7,g/dL,g/dL,5371 +269054619,1101375,11031,3,WBC x 1000,12.89,12.89,K/mcL,K/uL,11093 +273954962,1101375,4719,7,HCO3,27.2,27.2,mmol/L,mmol/L,4727 +260013641,1101375,15371,1,bicarbonate,23.0,23,mmol/L,mmol/L,15429 +268293924,1101375,2406,3,-basos,0.0,0,%,%,5371 +269054621,1101375,11031,3,MCH,27.9,27.9,pg,pg,11093 +273144217,1101375,16752,4,bedside glucose,130.0,130,mg/dL,mg/dl,16754 +260607647,1101375,4488,1,chloride,110.0,110,mmol/L,mmol/L,4499 +262903800,1101375,11031,1,bicarbonate,24.0,24,mmol/L,mmol/L,11108 +269054623,1101375,11031,3,MCHC,31.8,31.8,g/dL,g/dL,11093 +268514585,1101375,8181,3,MPV,10.0,10.0,fL,fL,8201 +263215974,1101375,47712,1,potassium,4.4,4.4,mmol/L,mmol/L,47749 +264209629,1101375,12926,1,potassium,4.1,4.1,mmol/L,mmol/L,12960 +269054624,1101375,11031,3,platelets x 1000,228.0,228,K/mcL,K/uL,11093 +262453487,1101375,-108,1,creatinine,0.6,0.6,mg/dL,mg/dL,5371 +270343466,1101375,21086,3,-lymphs,7.0,7,%,%,21106 +268350536,1101375,18251,3,platelets x 1000,349.0,349,K/mcL,K/uL,18293 +269054615,1101375,11031,3,Hct,31.1,31.1,%,%,11093 +267210958,1101375,4488,3,Hct,34.5,34.5,%,%,5371 +262134837,1101375,10306,1,potassium,3.9,3.9,mmol/L,mmol/L,10336 +263221300,1101375,19676,1,creatinine,0.3,0.3,mg/dL,mg/dL,19723 +269054616,1101375,11031,3,-eos,0.0,0,%,%,11093 +270175050,1101375,6721,3,MCH,28.3,28.3,pg,pg,6743 +262739151,1101375,29396,1,creatinine,0.3,0.3,mg/dL,mg/dL,29490 +270981474,1101375,3831,3,Hgb,12.9,12.9,g/dL,g/dL,5371 +263215977,1101375,47712,1,bicarbonate,29.0,29,mmol/L,mmol/L,47749 +273954969,1101375,4719,7,pH,7.44,7.440,,units,4727 +269054614,1101375,11031,3,-polys,86.0,86,%,%,11093 +268188884,1101375,9611,3,Hct,33.3,33.3,%,%,9630 +262739150,1101375,29396,1,potassium,3.9,3.9,mmol/L,mmol/L,29490 +262477823,1101375,9963,1,glucose,432.0,432,mg/dL,mg/dL,9991 +260013643,1101375,15371,1,glucose,136.0,136,mg/dL,mg/dL,15429 +262419136,1101375,13911,1,calcium,8.2,8.2,mg/dL,mg/dL,13940 +269054613,1101375,11031,3,-basos,0.0,0,%,%,11093 +268514586,1101375,8181,3,-lymphs,8.0,8,%,%,8201 +262739155,1101375,29396,1,glucose,143.0,143,mg/dL,mg/dL,29490 +267761329,1101375,47712,3,MCV,92.6,92.6,fL,fL,47722 +260607644,1101375,4488,1,sodium,144.0,144,mmol/L,mmol/L,4499 +263178014,1101375,33231,1,potassium,3.9,3.9,mmol/L,mmol/L,33263 +269054617,1101375,11031,3,MCV,87.6,87.6,fL,fL,11093 +260234351,1101375,26531,1,creatinine,0.3,0.3,mg/dL,mg/dL,26610 +262739154,1101375,29396,1,calcium,8.3,8.3,mg/dL,mg/dL,29490 +267210959,1101375,4488,3,Hgb,11.2,11.2,g/dL,g/dL,5371 +263215981,1101375,47712,1,BUN,21.0,21,mg/dL,mg/dL,47749 +262903798,1101375,11031,1,creatinine,0.4,0.4,mg/dL,mg/dL,11108 +269054612,1101375,11031,3,RBC,3.55,3.55,M/mcL,M/uL,11093 +268293926,1101375,2406,3,Hct,41.4,41.4,%,%,5371 +262739156,1101375,29396,1,chloride,112.0,112,mmol/L,mmol/L,29490 +271712147,1101375,31181,3,-lymphs,4.0,4,%,%,31231 +270343467,1101375,21086,3,RBC,3.78,3.78,M/mcL,M/uL,21106 +273954971,1101375,4719,7,Base Excess,3.3,3.3,mEq/L,mmol/L,4727 +269054618,1101375,11031,3,Hgb,9.9,9.9,g/dL,g/dL,11093 +260234350,1101375,26531,1,potassium,4.3,4.3,mmol/L,mmol/L,26610 +262739152,1101375,29396,1,sodium,151.0,151,mmol/L,mmol/L,29490 +265797501,1101375,7646,3,Hgb,9.7,9.7,g/dL,g/dL,7654 +262134840,1101375,10306,1,bicarbonate,23.0,23,mmol/L,mmol/L,10336 +263221301,1101375,19676,1,sodium,138.0,138,mmol/L,mmol/L,19723 +269054611,1101375,11031,3,-lymphs,8.0,8,%,%,11093 +270175049,1101375,6721,3,RDW,14.8,14.8,%,%,6743 +262739157,1101375,29396,1,BUN,37.0,37,mg/dL,mg/dL,29490 +264243511,1101375,8531,1,bicarbonate,25.0,25,mmol/L,mmol/L,8593 +271542709,1101375,4390,3,Hgb,11.3,11.3,g/dL,g/dL,5371 +262453488,1101375,-108,1,anion gap,16.0,16,,mmol/L,5371 +269054610,1101375,11031,3,MPV,10.0,10.0,fL,fL,11093 +260234355,1101375,26531,1,glucose,152.0,152,mg/dL,mg/dL,26610 +262739153,1101375,29396,1,bicarbonate,29.0,29,mmol/L,mmol/L,29490 +272539547,1101375,44727,4,bedside glucose,121.0,121,mg/dL,mg/dl,44729 +260013639,1101375,15371,1,creatinine,0.3,0.3,mg/dL,mg/dL,15429 +262419132,1101375,13911,1,potassium,4.1,4.1,mmol/L,mmol/L,13940 +268283944,1101375,-119,3,-lymphs,22.0,22,%,%,5371 +268293929,1101375,2406,3,Hgb,13.5,13.5,g/dL,g/dL,5371 +260607645,1101375,4488,1,ionized calcium,4.68,1.17,mg/dL,mmol/L,4499 +264876957,1101375,7136,1,potassium,3.3,3.3,mmol/L,mmol/L,7165 +268283945,1101375,-119,3,RBC,5.28,5.28,M/mcL,M/uL,5371 +274021951,1101375,7646,7,Temperature,,37.0,°C,degree C,54433 +263215979,1101375,47712,1,glucose,121.0,121,mg/dL,mg/dL,47749 +260168348,1101375,9286,1,creatinine,0.3,0.3,mg/dL,mg/dL,9321 +268283943,1101375,-119,3,MPV,9.4,9.4,fL,fL,5371 +272598057,1101375,2973,4,bedside glucose,94.0,94,mg/dL,mg/dl,5371 +270343468,1101375,21086,3,-basos,0.0,0,%,%,21106 +262903802,1101375,11031,1,glucose,186.0,186,mg/dL,mg/dL,11108 +268283946,1101375,-119,3,-basos,0.0,0,%,%,5371 +268514587,1101375,8181,3,RBC,3.64,3.64,M/mcL,M/uL,8201 +262134842,1101375,10306,1,glucose,146.0,146,mg/dL,mg/dL,10336 +267761330,1101375,47712,3,Hgb,11.6,11.6,g/dL,g/dL,47722 +268283949,1101375,-119,3,-eos,1.0,1,%,%,5371 +263178020,1101375,33231,1,chloride,109.0,109,mmol/L,mmol/L,33263 +265704568,1101375,-119,3,PT,13.2,13.2,sec,seconds,-80 +260234356,1101375,26531,1,chloride,115.0,115,mmol/L,mmol/L,26610 +268283957,1101375,-119,3,platelets x 1000,227.0,227,K/mcL,K/uL,-92 +262074508,1101375,31931,1,BUN,38.0,38,mg/dL,mg/dL,31979 +260013642,1101375,15371,1,calcium,7.4,7.4,mg/dL,mg/dL,15429 +263221299,1101375,19676,1,potassium,3.9,3.9,mmol/L,mmol/L,19723 +268283955,1101375,-119,3,MCHC,33.8,33.8,g/dL,g/dL,5371 +268188892,1101375,9611,3,MCHC,31.8,31.8,g/dL,g/dL,9630 +260683949,1101375,8871,1,bicarbonate,24.0,24,mmol/L,mmol/L,8912 +271579795,1101375,5231,3,MPV,9.8,9.8,fL,fL,5371 +268283947,1101375,-119,3,-polys,71.0,71,%,%,5371 +273954966,1101375,4719,7,paO2,86.6,86.6,mm Hg,mm Hg,4727 +263215976,1101375,47712,1,sodium,142.0,142,mmol/L,mmol/L,47749 +260234352,1101375,26531,1,sodium,152.0,152,mmol/L,mmol/L,26610 +268283956,1101375,-119,3,WBC x 1000,7.74,7.74,K/mcL,K/uL,-92 +262626516,1101375,7461,1,calcium,8.7,8.7,mg/dL,mg/dL,7527 +270343465,1101375,21086,3,MPV,9.3,9.3,fL,fL,21106 +262419137,1101375,13911,1,glucose,143.0,143,mg/dL,mg/dL,13940 +268283950,1101375,-119,3,MCV,87.5,87.5,fL,fL,5371 +270175052,1101375,6721,3,MCHC,31.7,31.7,g/dL,g/dL,6743 +262134844,1101375,10306,1,BUN,20.0,20,mg/dL,mg/dL,10336 +259632777,1101375,43096,1,chloride,103.0,103,mmol/L,mmol/L,43136 +268283951,1101375,-119,3,Hgb,15.6,15.6,g/dL,g/dL,5371 +262453489,1101375,-108,1,sodium,136.0,136,mmol/L,mmol/L,5371 +271542708,1101375,4390,3,Hct,34.9,34.9,%,%,5371 +260234353,1101375,26531,1,bicarbonate,31.0,31,mmol/L,mmol/L,26610 +268283952,1101375,-119,3,RDW,14.3,14.3,%,%,5371 +262074507,1101375,31931,1,chloride,107.0,107,mmol/L,mmol/L,31979 +260013644,1101375,15371,1,chloride,102.0,102,mmol/L,mmol/L,15429 +262603594,1101375,19676,1,phosphate,3.1,3.1,mg/dL,mg/dL,19723 +268283953,1101375,-119,3,MCH,29.5,29.5,pg,pg,5371 +268350527,1101375,18251,3,Hct,31.5,31.5,%,%,18293 +260683950,1101375,8871,1,calcium,8.1,8.1,mg/dL,mg/dL,8912 +264209630,1101375,12926,1,creatinine,0.3,0.3,mg/dL,mg/dL,12960 +268283948,1101375,-119,3,Hct,46.2,46.2,%,%,5371 +273954970,1101375,4719,7,Temperature,37.0,37.0,°C,degree C,4727 +263215980,1101375,47712,1,chloride,102.0,102,mmol/L,mmol/L,47749 +260234354,1101375,26531,1,calcium,8.6,8.6,mg/dL,mg/dL,26610 +268283954,1101375,-119,3,-monos,6.0,6,%,%,5371 +262626517,1101375,7461,1,glucose,180.0,180,mg/dL,mg/dL,7527 +270343469,1101375,21086,3,-polys,85.0,85,%,%,21106 +263221303,1101375,19676,1,calcium,8.6,8.6,mg/dL,mg/dL,19723 +259073706,1101375,2626,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +268514593,1101375,8181,3,Hgb,10.4,10.4,g/dL,g/dL,8201 +262134838,1101375,10306,1,creatinine,0.4,0.4,mg/dL,mg/dL,10336 +264876958,1101375,7136,1,creatinine,0.3,0.3,mg/dL,mg/dL,7165 +259073711,1101375,2626,1,glucose,123.0,123,mg/dL,mg/dL,2652 +263178019,1101375,33231,1,glucose,151.0,151,mg/dL,mg/dL,33263 +265704569,1101375,-119,3,PT - INR,1.02,1.02,ratio,,-80 +260168354,1101375,9286,1,BUN,20.0,20,mg/dL,mg/dL,9321 +259073709,1101375,2626,1,sodium,147.0,147,mmol/L,mmol/L,2652 +262074506,1101375,31931,1,glucose,131.0,131,mg/dL,mg/dL,31979 +260013645,1101375,15371,1,BUN,15.0,15,mg/dL,mg/dL,15429 +266466839,1101375,12476,3,-monos,7.0,7,%,%,12509 +259073712,1101375,2626,1,chloride,110.0,110,mmol/L,mmol/L,2652 +268188885,1101375,9611,3,-eos,0.0,0,%,%,9630 +260607642,1101375,4488,1,potassium,4.2,4.2,mmol/L,mmol/L,4499 +259632778,1101375,43096,1,BUN,38.0,38,mg/dL,mg/dL,43136 +259073713,1101375,2626,1,BUN,10.0,10,mg/dL,mg/dL,2652 +274021949,1101375,7646,7,Methemoglobin,,0.8,%,% total Hgb,54433 +263215975,1101375,47712,1,creatinine,0.2,0.2,mg/dL,mg/dL,47749 +263900968,1101375,27986,1,BUN,36.0,36,mg/dL,mg/dL,28056 +259073707,1101375,2626,1,calcium,8.4,8.4,mg/dL,mg/dL,5371 +262626514,1101375,7461,1,sodium,147.0,147,mmol/L,mmol/L,7527 +270343470,1101375,21086,3,Hct,33.5,33.5,%,%,21106 +262419138,1101375,13911,1,chloride,102.0,102,mmol/L,mmol/L,13940 +259073710,1101375,2626,1,bicarbonate,26.0,26,mmol/L,mmol/L,2652 +270175048,1101375,6721,3,WBC x 1000,15.45,15.45,K/mcL,K/uL,6743 +262134843,1101375,10306,1,chloride,111.0,111,mmol/L,mmol/L,10336 +267761334,1101375,47712,3,-monos,3.0,3,%,%,47761 +259073708,1101375,2626,1,potassium,3.9,3.9,mmol/L,mmol/L,2652 +262948963,1101375,-119,1,CPK-MB,2.3,2.3,ng/mL,ng/mL,-68 +269852601,1101375,16811,3,Hgb,10.6,10.6,g/dL,g/dL,16771 +260552255,1101375,30851,1,sodium,153.0,153,mmol/L,mmol/L,30889 +269852602,1101375,16811,3,WBC x 1000,23.26,23.26,K/mcL,K/uL,16771 +262074501,1101375,31931,1,potassium,4.2,4.2,mmol/L,mmol/L,31979 +269852607,1101375,16811,3,platelets x 1000,334.0,334,K/mcL,K/uL,16771 +266466840,1101375,12476,3,MCHC,32.3,32.3,g/dL,g/dL,12509 +269852598,1101375,16811,3,Hct,32.7,32.7,%,%,16771 +268188879,1101375,9611,3,MPV,9.9,9.9,fL,fL,9630 +269848667,1101375,15371,3,-lymphs,9.0,9,%,%,15403 +270981476,1101375,3831,3,MCH,28.2,28.2,pg,pg,5371 +269852596,1101375,16811,3,-basos,0.0,0,%,%,16784 +273954967,1101375,4719,7,Carboxyhemoglobin,1.3,1.3,%,% total Hgb,4727 +269852597,1101375,16811,3,-polys,85.0,85,%,%,16784 +263800043,1101375,6391,1,creatinine,0.4,0.4,mg/dL,mg/dL,6416 +269852595,1101375,16811,3,RBC,3.71,3.71,M/mcL,M/uL,16771 +262626518,1101375,7461,1,chloride,110.0,110,mmol/L,mmol/L,7527 +269848668,1101375,15371,3,RBC,3.53,3.53,M/mcL,M/uL,15403 +262903801,1101375,11031,1,calcium,8.3,8.3,mg/dL,mg/dL,11108 +269848677,1101375,15371,3,MCH,28.3,28.3,pg,pg,15403 +268392316,1101375,47098,3,PT,13.8,13.8,sec,seconds,47121 +269747572,1101375,28331,3,MCH,28.7,28.7,pg,pg,28351 +259954534,1101375,5696,1,potassium,4.0,4.0,mmol/L,mmol/L,5744 +269852599,1101375,16811,3,-eos,0.0,0,%,%,16784 +262453486,1101375,-108,1,potassium,3.7,3.7,mmol/L,mmol/L,5371 +269852594,1101375,16811,3,-lymphs,6.0,6,%,%,16784 +260168353,1101375,9286,1,chloride,108.0,108,mmol/L,mmol/L,9321 +269747569,1101375,28331,3,Hgb,10.1,10.1,g/dL,g/dL,28351 +267139311,1101375,4781,3,MCHC,33.0,33.0,g/dL,g/dL,5371 +269747568,1101375,28331,3,MCV,94.0,94.0,fL,fL,28351 +266466838,1101375,12476,3,MCH,28.7,28.7,pg,pg,12509 +269848666,1101375,15371,3,MPV,9.8,9.8,fL,fL,15403 +268188886,1101375,9611,3,MCV,88.8,88.8,fL,fL,9630 +269747570,1101375,28331,3,WBC x 1000,9.81,9.81,K/mcL,K/uL,28351 +264209631,1101375,12926,1,sodium,142.0,142,mmol/L,mmol/L,12960 +269747573,1101375,28331,3,-monos,3.0,3,%,%,28351 +274021950,1101375,7646,7,Carboxyhemoglobin,,1.8,%,% total Hgb,54433 +269848679,1101375,15371,3,MCHC,32.6,32.6,g/dL,g/dL,15403 +263900965,1101375,27986,1,calcium,8.7,8.7,mg/dL,mg/dL,28056 +269852600,1101375,16811,3,MCV,88.1,88.1,fL,fL,16771 +262074503,1101375,31931,1,sodium,149.0,149,mmol/L,mmol/L,31979 +269848669,1101375,15371,3,-basos,0.0,0,%,%,15403 +263221302,1101375,19676,1,bicarbonate,27.0,27,mmol/L,mmol/L,19723 +269852593,1101375,16811,3,MPV,9.6,9.6,fL,fL,16771 +270175051,1101375,6721,3,-monos,7.0,7,%,%,6743 +269747571,1101375,28331,3,RDW,17.1,17.1,%,%,28351 +264876959,1101375,7136,1,sodium,148.0,148,mmol/L,mmol/L,7165 +269848676,1101375,15371,3,RDW,13.8,13.8,%,%,15403 +262264641,1101375,-119,1,CPK,65.0,65,Units/L,U/L,5371 +269848680,1101375,15371,3,platelets x 1000,316.0,316,K/mcL,K/uL,15403 +260552256,1101375,30851,1,bicarbonate,31.0,31,mmol/L,mmol/L,30889 +269852604,1101375,16811,3,MCH,28.6,28.6,pg,pg,16771 +267139309,1101375,4781,3,RDW,15.0,15.0,%,%,5371 +269848678,1101375,15371,3,-monos,8.0,8,%,%,15403 +266466841,1101375,12476,3,platelets x 1000,217.0,217,K/mcL,K/uL,12509 +269747566,1101375,28331,3,Hct,33.1,33.1,%,%,28351 +266936662,1101375,22571,3,-polys,82.0,82,%,%,22592 +269848675,1101375,15371,3,WBC x 1000,12.1,12.10,K/mcL,K/uL,15403 +262702479,1101375,25811,1,chloride,102.0,102,mmol/L,mmol/L,25902 +269852605,1101375,16811,3,-monos,8.0,8,%,%,16784 +273954968,1101375,4719,7,paCO2,40.7,40.7,mm Hg,mm Hg,4727 +269146393,1101375,26906,3,MCV,93.8,93.8,fL,fL,26938 +268350526,1101375,18251,3,-polys,84.0,84,%,%,18293 +269747561,1101375,28331,3,MPV,9.3,9.3,fL,fL,28351 +262626512,1101375,7461,1,potassium,5.3,5.3,mmol/L,mmol/L,7527 +269146388,1101375,26906,3,RBC,3.21,3.21,M/mcL,M/uL,26938 +262426391,1101375,34046,1,phosphate,2.8,2.8,mg/dL,mg/dL,34073 +269848671,1101375,15371,3,Hct,30.7,30.7,%,%,15403 +263800042,1101375,6391,1,potassium,3.8,3.8,mmol/L,mmol/L,6416 +269146387,1101375,26906,3,-lymphs,6.0,6,%,%,26992 +259632776,1101375,43096,1,glucose,199.0,199,mg/dL,mg/dL,43136 +269848673,1101375,15371,3,MCV,87.0,87.0,fL,fL,15403 +262453492,1101375,-108,1,chloride,99.0,99,mmol/L,mmol/L,5371 +269146386,1101375,26906,3,MPV,9.2,9.2,fL,fL,26938 +266936663,1101375,22571,3,Hct,33.6,33.6,%,%,22592 +269747562,1101375,28331,3,-lymphs,7.0,7,%,%,28351 +267139312,1101375,4781,3,platelets x 1000,429.0,429,K/mcL,K/uL,5371 +269146395,1101375,26906,3,WBC x 1000,9.37,9.37,K/mcL,K/uL,26938 +266466832,1101375,12476,3,Hct,29.1,29.1,%,%,12509 +269747563,1101375,28331,3,RBC,3.52,3.52,M/mcL,M/uL,28351 +268514594,1101375,8181,3,WBC x 1000,14.62,14.62,K/mcL,K/uL,8201 +269146394,1101375,26906,3,Hgb,9.3,9.3,g/dL,g/dL,26938 +262702478,1101375,25811,1,glucose,120.0,120,mg/dL,mg/dL,25902 +269848672,1101375,15371,3,-eos,0.0,0,%,%,15403 +273954963,1101375,4719,7,Methemoglobin,0.8,0.8,%,% total Hgb,4727 +265015020,1101375,5016,1,calcium,8.2,8.2,mg/dL,mg/dL,5371 +260168352,1101375,9286,1,glucose,133.0,133,mg/dL,mg/dL,9321 +269146392,1101375,26906,3,-eos,0.0,0,%,%,26992 +262074505,1101375,31931,1,calcium,8.5,8.5,mg/dL,mg/dL,31979 +265015019,1101375,5016,1,bicarbonate,27.0,27,mmol/L,mmol/L,5046 +262903803,1101375,11031,1,chloride,104.0,104,mmol/L,mmol/L,11108 +269747564,1101375,28331,3,-basos,0.0,0,%,%,28351 +266936664,1101375,22571,3,-eos,0.0,0,%,%,22592 +265015021,1101375,5016,1,glucose,126.0,126,mg/dL,mg/dL,5046 +267761335,1101375,47712,3,MCHC,32.0,32.0,g/dL,g/dL,47722 +269146399,1101375,26906,3,MCHC,30.9,30.9,g/dL,g/dL,26938 +264979455,1101375,3831,1,phosphate,3.0,3.0,mg/dL,mg/dL,3890 +265014714,1101375,12136,1,creatinine,0.4,0.4,mg/dL,mg/dL,12181 +268350523,1101375,18251,3,-lymphs,7.0,7,%,%,18293 +269848670,1101375,15371,3,-polys,81.0,81,%,%,15403 +264415884,1101375,30481,1,BUN,38.0,38,mg/dL,mg/dL,30526 +265015016,1101375,5016,1,potassium,3.9,3.9,mmol/L,mmol/L,5046 +266466833,1101375,12476,3,-eos,0.0,0,%,%,12509 +269146400,1101375,26906,3,platelets x 1000,329.0,329,K/mcL,K/uL,26938 +263900966,1101375,27986,1,glucose,140.0,140,mg/dL,mg/dL,28056 +265015022,1101375,5016,1,chloride,112.0,112,mmol/L,mmol/L,5046 +262548875,1101375,4221,1,BUN,12.0,12,mg/dL,mg/dL,4262 +273429635,1101375,2407,4,bedside glucose,97.0,97,mg/dL,mg/dl,5371 +274253814,1101375,4644,7,paO2,81.1,81.1,mm Hg,mm Hg,4658 +265015023,1101375,5016,1,BUN,12.0,12,mg/dL,mg/dL,5046 +266936665,1101375,22571,3,MCV,91.1,91.1,fL,fL,22592 +269747574,1101375,28331,3,MCHC,30.5,30.5,g/dL,g/dL,28351 +262626513,1101375,7461,1,creatinine,0.4,0.4,mg/dL,mg/dL,7527 +265014715,1101375,12136,1,sodium,147.0,147,mmol/L,mmol/L,12181 +263221306,1101375,19676,1,BUN,21.0,21,mg/dL,mg/dL,19723 +273393453,1101375,6727,4,bedside glucose,98.0,98,mg/dL,mg/dl,6728 +270175047,1101375,6721,3,Hgb,10.0,10.0,g/dL,g/dL,6743 +265014717,1101375,12136,1,calcium,8.3,8.3,mg/dL,mg/dL,12181 +271712152,1101375,31181,3,-eos,0.0,0,%,%,31231 +269146391,1101375,26906,3,Hct,30.1,30.1,%,%,26938 +264522747,1101375,25091,1,sodium,142.0,142,mmol/L,mmol/L,25134 +260552257,1101375,30851,1,calcium,8.6,8.6,mg/dL,mg/dL,30889 +273163861,1101375,5287,4,bedside glucose,117.0,117,mg/dL,mg/dl,5371 +267139310,1101375,4781,3,MCH,29.0,29.0,pg,pg,5371 +271921753,1101375,29771,3,-eos,0.0,0,%,%,29812 +266466831,1101375,12476,3,-polys,85.0,85,%,%,12509 +272901817,1101375,12489,4,bedside glucose,134.0,134,mg/dL,mg/dl,12491 +266936672,1101375,22571,3,platelets x 1000,417.0,417,K/mcL,K/uL,22592 +265014713,1101375,12136,1,potassium,4.0,4.0,mmol/L,mmol/L,12181 +262702474,1101375,25811,1,creatinine,0.3,0.3,mg/dL,mg/dL,25902 +269852603,1101375,16811,3,RDW,14.5,14.5,%,%,16771 +261742869,1101375,32291,1,BUN,42.0,42,mg/dL,mg/dL,32330 +271921757,1101375,29771,3,RDW,16.9,16.9,%,%,29793 +268350533,1101375,18251,3,MCH,29.0,29.0,pg,pg,18293 +273331575,1101375,18268,4,bedside glucose,151.0,151,mg/dL,mg/dl,21238 +261098946,1101375,27606,1,chloride,112.0,112,mmol/L,mmol/L,27634 +264522749,1101375,25091,1,calcium,8.4,8.4,mg/dL,mg/dL,25134 +262419139,1101375,13911,1,BUN,23.0,23,mg/dL,mg/dL,13940 +273149747,1101375,28327,4,bedside glucose,131.0,131,mg/dL,mg/dl,28328 +263900961,1101375,27986,1,potassium,4.2,4.2,mmol/L,mmol/L,28056 +271921756,1101375,29771,3,WBC x 1000,8.21,8.21,K/mcL,K/uL,29793 +259632775,1101375,43096,1,calcium,8.5,8.5,mg/dL,mg/dL,43136 +272039539,1101375,47098,3,RBC,3.93,3.93,M/mcL,M/uL,47110 +271731240,1101375,4571,3,MCH,28.1,28.1,pg,pg,5371 +269146390,1101375,26906,3,-polys,89.0,89,%,%,26992 +266936660,1101375,22571,3,RBC,3.69,3.69,M/mcL,M/uL,22592 +265015017,1101375,5016,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +264415882,1101375,30481,1,glucose,141.0,141,mg/dL,mg/dL,30526 +272039540,1101375,47098,3,Hct,36.5,36.5,%,%,47110 +266466834,1101375,12476,3,MCV,89.0,89.0,fL,fL,12509 +264227079,1101375,3471,1,BUN,11.0,11,mg/dL,mg/dL,3516 +264563218,1101375,28331,1,creatinine,0.3,0.3,mg/dL,mg/dL,28374 +271921751,1101375,29771,3,-polys,89.0,89,%,%,29812 +262702475,1101375,25811,1,sodium,142.0,142,mmol/L,mmol/L,25902 +272039538,1101375,47098,3,MPV,10.1,10.1,fL,fL,47110 +274253815,1101375,4644,7,Carboxyhemoglobin,1.5,1.5,%,% total Hgb,4658 +269747567,1101375,28331,3,-eos,0.0,0,%,%,28351 +260168347,1101375,9286,1,potassium,4.0,4.0,mmol/L,mmol/L,9321 +264522748,1101375,25091,1,bicarbonate,30.0,30,mmol/L,mmol/L,25134 +262093935,1101375,4637,1,potassium,5.2,5.2,mmol/L,mmol/L,4684 +272202136,1101375,32645,3,WBC x 1000,10.93,10.93,K/mcL,K/uL,32657 +260920469,1101375,30121,1,potassium,4.0,4.0,mmol/L,mmol/L,30177 +264227074,1101375,3471,1,potassium,3.9,3.9,mmol/L,mmol/L,3516 +266936661,1101375,22571,3,-basos,0.0,0,%,%,22592 +271921752,1101375,29771,3,Hct,33.2,33.2,%,%,29793 +264243512,1101375,8531,1,calcium,7.9,7.9,mg/dL,mg/dL,8593 +272202137,1101375,32645,3,RDW,16.7,16.7,%,%,32657 +271731239,1101375,4571,3,RDW,15.2,15.2,%,%,5371 +269146397,1101375,26906,3,MCH,29.0,29.0,pg,pg,26938 +268350532,1101375,18251,3,RDW,14.6,14.6,%,%,18293 +265014718,1101375,12136,1,glucose,134.0,134,mg/dL,mg/dL,12181 +267139305,1101375,4781,3,Hct,33.6,33.6,%,%,5371 +272039541,1101375,47098,3,MCV,92.9,92.9,fL,fL,47110 +262903797,1101375,11031,1,potassium,4.1,4.1,mmol/L,mmol/L,11108 +264227073,1101375,3471,1,calcium,8.6,8.6,mg/dL,mg/dL,5371 +263900967,1101375,27986,1,chloride,105.0,105,mmol/L,mmol/L,28056 +271921758,1101375,29771,3,MCH,28.7,28.7,pg,pg,29793 +273937477,1101375,5231,7,paCO2,36.6,36.6,mm Hg,mm Hg,5251 +272202134,1101375,32645,3,MCV,95.1,95.1,fL,fL,32657 +261742863,1101375,32291,1,creatinine,0.3,0.3,mg/dL,mg/dL,32330 +269747575,1101375,28331,3,platelets x 1000,355.0,355,K/mcL,K/uL,28351 +267054954,1101375,1068,3,RBC,4.86,4.86,M/mcL,M/uL,5371 +264522752,1101375,25091,1,BUN,32.0,32,mg/dL,mg/dL,25134 +261098945,1101375,27606,1,glucose,151.0,151,mg/dL,mg/dL,27634 +272202135,1101375,32645,3,Hgb,10.6,10.6,g/dL,g/dL,32657 +260920470,1101375,30121,1,creatinine,0.3,0.3,mg/dL,mg/dL,30177 +264227078,1101375,3471,1,chloride,110.0,110,mmol/L,mmol/L,3516 +270175053,1101375,6721,3,platelets x 1000,194.0,194,K/mcL,K/uL,6743 +271921747,1101375,29771,3,MPV,9.2,9.2,fL,fL,29793 +264876960,1101375,7136,1,bicarbonate,22.0,22,mmol/L,mmol/L,7165 +272202138,1101375,32645,3,MCH,28.6,28.6,pg,pg,32657 +271731241,1101375,4571,3,-monos,4.0,4,%,%,5371 +269146396,1101375,26906,3,RDW,16.8,16.8,%,%,26938 +260552258,1101375,30851,1,glucose,139.0,139,mg/dL,mg/dL,30889 +265015018,1101375,5016,1,sodium,150.0,150,mmol/L,mmol/L,5046 +264415877,1101375,30481,1,potassium,4.2,4.2,mmol/L,mmol/L,30526 +272202131,1101375,32645,3,RBC,3.71,3.71,M/mcL,M/uL,32657 +266466835,1101375,12476,3,Hgb,9.4,9.4,g/dL,g/dL,12509 +272739001,1101375,9613,4,bedside glucose,144.0,144,mg/dL,mg/dl,9614 +266936668,1101375,22571,3,RDW,15.5,15.5,%,%,22592 +271921748,1101375,29771,3,-lymphs,5.0,5,%,%,29812 +262702473,1101375,25811,1,potassium,4.2,4.2,mmol/L,mmol/L,25902 +272202132,1101375,32645,3,-polys,90.0,90,%,%,32682 +274253818,1101375,4644,7,Temperature,37.0,37.0,°C,degree C,4658 +269852606,1101375,16811,3,MCHC,32.4,32.4,g/dL,g/dL,16771 +268350534,1101375,18251,3,-monos,7.0,7,%,%,18293 +264522746,1101375,25091,1,creatinine,0.3,0.3,mg/dL,mg/dL,25134 +264246125,1101375,4571,1,glucose,173.0,173,mg/dL,mg/dL,4629 +272202133,1101375,32645,3,Hct,35.3,35.3,%,%,32657 +260920471,1101375,30121,1,sodium,148.0,148,mmol/L,mmol/L,30177 +264227075,1101375,3471,1,sodium,146.0,146,mmol/L,mmol/L,3516 +263900962,1101375,27986,1,creatinine,0.3,0.3,mg/dL,mg/dL,28056 +271921749,1101375,29771,3,RBC,3.49,3.49,M/mcL,M/uL,29793 +259632774,1101375,43096,1,bicarbonate,30.0,30,mmol/L,mmol/L,43136 +272202139,1101375,32645,3,-monos,3.0,3,%,%,32682 +271731242,1101375,4571,3,MCHC,31.7,31.7,g/dL,g/dL,5371 +269146398,1101375,26906,3,-monos,4.0,4,%,%,26992 +266936669,1101375,22571,3,MCH,28.7,28.7,pg,pg,22592 +265014719,1101375,12136,1,chloride,111.0,111,mmol/L,mmol/L,12181 +272560159,1101375,18997,4,bedside glucose,127.0,127,mg/dL,mg/dl,18998 +272039542,1101375,47098,3,Hgb,11.4,11.4,g/dL,g/dL,47110 +263221305,1101375,19676,1,chloride,101.0,101,mmol/L,mmol/L,19723 +272773117,1101375,1008,4,serum osmolality,286.0,286,mOsm/kg H2O,mOsm/kg,1166 +264563224,1101375,28331,1,BUN,36.0,36,mg/dL,mg/dL,28374 +271921754,1101375,29771,3,MCV,95.1,95.1,fL,fL,29793 +273937472,1101375,5231,7,Methemoglobin,0.6,0.6,%,% total Hgb,5251 +272059280,1101375,47098,3,PTT,26.0,26,sec,seconds,47121 +261742862,1101375,32291,1,potassium,4.3,4.3,mmol/L,mmol/L,32330 +273613996,1101375,19690,4,bedside glucose,104.0,104,mg/dL,mg/dl,19885 +260168349,1101375,9286,1,sodium,144.0,144,mmol/L,mmol/L,9321 +264522745,1101375,25091,1,potassium,4.9,4.9,mmol/L,mmol/L,25134 +264246126,1101375,4571,1,chloride,108.0,108,mmol/L,mmol/L,4629 +272202129,1101375,32645,3,MPV,9.4,9.4,fL,fL,32657 +260920472,1101375,30121,1,bicarbonate,31.0,31,mmol/L,mmol/L,30177 +264227076,1101375,3471,1,bicarbonate,24.0,24,mmol/L,mmol/L,3516 +266936667,1101375,22571,3,WBC x 1000,15.43,15.43,K/mcL,K/uL,22592 +271921760,1101375,29771,3,MCHC,30.1,30.1,g/dL,g/dL,29793 +267761331,1101375,47712,3,WBC x 1000,17.21,17.21,K/mcL,K/uL,47722 +272202141,1101375,32645,3,platelets x 1000,247.0,247,K/mcL,K/uL,32657 +271731238,1101375,4571,3,WBC x 1000,12.64,12.64,K/mcL,K/uL,4717 +269747565,1101375,28331,3,-polys,89.0,89,%,%,28351 +268350531,1101375,18251,3,WBC x 1000,19.16,19.16,K/mcL,K/uL,18293 +265014720,1101375,12136,1,BUN,24.0,24,mg/dL,mg/dL,12181 +267139306,1101375,4781,3,MCV,87.7,87.7,fL,fL,5371 +272202140,1101375,32645,3,MCHC,30.0,30.0,g/dL,g/dL,32657 +266466836,1101375,12476,3,WBC x 1000,13.31,13.31,K/mcL,K/uL,12509 +272630914,1101375,15380,4,bedside glucose,144.0,144,mg/dL,mg/dl,15383 +263900963,1101375,27986,1,sodium,146.0,146,mmol/L,mmol/L,28056 +271921759,1101375,29771,3,-monos,5.0,5,%,%,29812 +262548874,1101375,4221,1,chloride,106.0,106,mmol/L,mmol/L,4262 +272039545,1101375,47098,3,MCH,29.0,29.0,pg,pg,47110 +274253819,1101375,4644,7,Base Excess,2.5,2.5,mEq/L,mmol/L,4658 +269146389,1101375,26906,3,-basos,0.0,0,%,%,26992 +266936666,1101375,22571,3,Hgb,10.6,10.6,g/dL,g/dL,22592 +264522751,1101375,25091,1,chloride,101.0,101,mmol/L,mmol/L,25134 +264246123,1101375,4571,1,bicarbonate,26.0,26,mmol/L,mmol/L,4629 +272202130,1101375,32645,3,-lymphs,7.0,7,%,%,32682 +261261244,1101375,27251,1,glucose,180.0,180,mg/dL,mg/dL,27360 +264227072,1101375,3471,1,creatinine,0.5,0.5,mg/dL,mg/dL,5371 +270175045,1101375,6721,3,-eos,0.0,0,%,%,6743 +271921761,1101375,29771,3,platelets x 1000,280.0,280,K/mcL,K/uL,29793 +271579805,1101375,5231,3,RDW,14.8,14.8,%,%,5371 +272039546,1101375,47098,3,MCHC,31.2,31.2,g/dL,g/dL,47110 +271731237,1101375,4571,3,Hgb,10.5,10.5,g/dL,g/dL,5371 +273605666,1101375,8184,4,bedside glucose,133.0,133,mg/dL,mg/dl,8300 +260552260,1101375,30851,1,BUN,38.0,38,mg/dL,mg/dL,30889 +265014716,1101375,12136,1,bicarbonate,24.0,24,mmol/L,mmol/L,12181 +261098944,1101375,27606,1,calcium,8.7,8.7,mg/dL,mg/dL,27634 +272039543,1101375,47098,3,WBC x 1000,16.74,16.74,K/mcL,K/uL,47110 +262419134,1101375,13911,1,sodium,140.0,140,mmol/L,mmol/L,13940 +272797425,1101375,29773,4,bedside glucose,158.0,158,mg/dL,mg/dl,29777 +267054955,1101375,1068,3,-basos,0.0,0,%,%,5371 +271921750,1101375,29771,3,-basos,0.0,0,%,%,29812 +273937478,1101375,5231,7,pH,7.499,7.499,,units,5251 +272039544,1101375,47098,3,RDW,17.0,17.0,%,%,47110 +261742865,1101375,32291,1,bicarbonate,32.0,32,mmol/L,mmol/L,32330 +269848674,1101375,15371,3,Hgb,10.0,10.0,g/dL,g/dL,15403 +268293922,1101375,2406,3,-lymphs,15.0,15,%,%,5371 +264522750,1101375,25091,1,glucose,153.0,153,mg/dL,mg/dL,25134 +261691877,1101375,10008,1,bicarbonate,23.0,23,mmol/L,mmol/L,10048 +272283587,1101375,1068,3,MPV,9.1,9.1,fL,fL,5371 +261261245,1101375,27251,1,chloride,107.0,107,mmol/L,mmol/L,27360 +264227077,1101375,3471,1,glucose,171.0,171,mg/dL,mg/dL,3516 +263800044,1101375,6391,1,sodium,147.0,147,mmol/L,mmol/L,6416 +271921755,1101375,29771,3,Hgb,10.0,10.0,g/dL,g/dL,29793 +259954535,1101375,5696,1,creatinine,0.4,0.4,mg/dL,mg/dL,5744 +272039547,1101375,47098,3,platelets x 1000,154.0,154,K/mcL,K/uL,47110 +271731243,1101375,4571,3,platelets x 1000,352.0,352,K/mcL,K/uL,4717 +263044984,1101375,4571,1,ionized calcium,4.6,1.15,mg/dL,mmol/L,4642 +266936670,1101375,22571,3,-monos,8.0,8,%,%,22592 +268365743,1101375,23911,3,MPV,9.3,9.3,fL,fL,23932 +264415883,1101375,30481,1,chloride,112.0,112,mmol/L,mmol/L,30526 +268290457,1101375,19676,3,platelets x 1000,359.0,359,K/mcL,K/uL,19703 +266466830,1101375,12476,3,-basos,0.0,0,%,%,12509 +268365744,1101375,23911,3,-lymphs,6.0,6,%,%,23932 +264225935,1101375,22571,1,magnesium,2.1,2.1,mg/dL,mg/dL,22608 +268365756,1101375,23911,3,MCHC,31.1,31.1,g/dL,g/dL,23932 +262702476,1101375,25811,1,bicarbonate,31.0,31,mmol/L,mmol/L,25902 +268365757,1101375,23911,3,platelets x 1000,394.0,394,K/mcL,K/uL,23932 +274253816,1101375,4644,7,paCO2,43.3,43.3,mm Hg,mm Hg,4658 +268365745,1101375,23911,3,RBC,3.42,3.42,M/mcL,M/uL,23932 +260234357,1101375,26531,1,BUN,35.0,35,mg/dL,mg/dL,26610 +268290456,1101375,19676,3,MCHC,33.0,33.0,g/dL,g/dL,19703 +264246127,1101375,4571,1,BUN,11.0,11,mg/dL,mg/dL,4629 +268290450,1101375,19676,3,MCV,88.8,88.8,fL,fL,19703 +264663494,1101375,34046,1,BUN,40.0,40,mg/dL,mg/dL,34073 +268365753,1101375,23911,3,RDW,15.9,15.9,%,%,23932 +266936671,1101375,22571,3,MCHC,31.5,31.5,g/dL,g/dL,22592 +268290448,1101375,19676,3,Hct,30.9,30.9,%,%,19703 +264243513,1101375,8531,1,glucose,163.0,163,mg/dL,mg/dL,8593 +268365754,1101375,23911,3,MCH,28.7,28.7,pg,pg,23932 +261261243,1101375,27251,1,calcium,8.9,8.9,mg/dL,mg/dL,27360 +263481618,1101375,23911,1,creatinine,0.3,0.3,mg/dL,mg/dL,23967 +268293921,1101375,2406,3,MPV,9.2,9.2,fL,fL,5371 +268290449,1101375,19676,3,-eos,0.0,0,%,%,19703 +262626519,1101375,7461,1,BUN,23.0,23,mg/dL,mg/dL,7527 +263302127,1101375,31181,1,chloride,110.0,110,mmol/L,mmol/L,31220 +264738205,1101375,13911,1,magnesium,2.7,2.7,mg/dL,mg/dL,13940 +268290455,1101375,19676,3,-monos,7.0,7,%,%,19703 +263900964,1101375,27986,1,bicarbonate,30.0,30,mmol/L,mmol/L,28056 +263481619,1101375,23911,1,sodium,138.0,138,mmol/L,mmol/L,23967 +273608848,1101375,34045,4,bedside glucose,138.0,138,mg/dL,mg/dl,34154 +268290451,1101375,19676,3,Hgb,10.2,10.2,g/dL,g/dL,19703 +271731236,1101375,4571,3,MCV,88.5,88.5,fL,fL,5371 +263425893,1101375,13911,1,phosphate,3.5,3.5,mg/dL,mg/dL,13940 +266936659,1101375,22571,3,-lymphs,8.0,8,%,%,22592 +268365746,1101375,23911,3,-basos,0.0,0,%,%,23932 +261691878,1101375,10008,1,calcium,7.9,7.9,mg/dL,mg/dL,10048 +263302124,1101375,31181,1,bicarbonate,33.0,33,mmol/L,mmol/L,31220 +264663492,1101375,34046,1,glucose,168.0,168,mg/dL,mg/dL,34073 +268290454,1101375,19676,3,MCH,29.3,29.3,pg,pg,19703 +270175046,1101375,6721,3,MCV,89.2,89.2,fL,fL,6743 +263481617,1101375,23911,1,potassium,4.5,4.5,mmol/L,mmol/L,23967 +264876961,1101375,7136,1,calcium,6.5,6.5,mg/dL,mg/dL,7199 +268365755,1101375,23911,3,-monos,6.0,6,%,%,23932 +262903799,1101375,11031,1,sodium,139.0,139,mmol/L,mmol/L,11108 +263481622,1101375,23911,1,glucose,127.0,127,mg/dL,mg/dL,23967 +260552259,1101375,30851,1,chloride,112.0,112,mmol/L,mmol/L,30889 +268365750,1101375,23911,3,MCV,92.1,92.1,fL,fL,23932 +267139304,1101375,4781,3,RBC,3.83,3.83,M/mcL,M/uL,5371 +263302125,1101375,31181,1,calcium,8.7,8.7,mg/dL,mg/dL,31220 +264663488,1101375,34046,1,creatinine,0.3,0.3,mg/dL,mg/dL,34073 +268290445,1101375,19676,3,RBC,3.48,3.48,M/mcL,M/uL,19703 +266936658,1101375,22571,3,MPV,9.4,9.4,fL,fL,22592 +263302126,1101375,31181,1,glucose,161.0,161,mg/dL,mg/dL,31220 +262548871,1101375,4221,1,bicarbonate,26.0,26,mmol/L,mmol/L,4262 +268290446,1101375,19676,3,-basos,0.0,0,%,%,19703 +261742866,1101375,32291,1,calcium,8.9,8.9,mg/dL,mg/dL,32330 +263302123,1101375,31181,1,sodium,151.0,151,mmol/L,mmol/L,31220 +268350522,1101375,18251,3,MPV,9.8,9.8,fL,fL,18293 +268365751,1101375,23911,3,Hgb,9.8,9.8,g/dL,g/dL,23932 +264246122,1101375,4571,1,sodium,142.0,142,mmol/L,mmol/L,4629 +263481621,1101375,23911,1,calcium,8.7,8.7,mg/dL,mg/dL,23967 +264663489,1101375,34046,1,sodium,149.0,149,mmol/L,mmol/L,34073 +268290452,1101375,19676,3,WBC x 1000,16.05,16.05,K/mcL,K/uL,19703 +263800048,1101375,6391,1,chloride,108.0,108,mmol/L,mmol/L,6416 +263302121,1101375,31181,1,potassium,4.3,4.3,mmol/L,mmol/L,31220 +259954541,1101375,5696,1,BUN,17.0,17,mg/dL,mg/dL,5744 +268365749,1101375,23911,3,-eos,0.0,0,%,%,23932 +261261239,1101375,27251,1,potassium,4.0,4.0,mmol/L,mmol/L,27360 +263481623,1101375,23911,1,chloride,99.0,99,mmol/L,mmol/L,23967 +267054964,1101375,1068,3,MCHC,32.8,32.8,g/dL,g/dL,5371 +268290453,1101375,19676,3,RDW,15.1,15.1,%,%,19703 +261098942,1101375,27606,1,sodium,154.0,154,mmol/L,mmol/L,27634 +263302122,1101375,31181,1,creatinine,0.3,0.3,mg/dL,mg/dL,31220 +264663490,1101375,34046,1,bicarbonate,34.0,34,mmol/L,mmol/L,34073 +268290443,1101375,19676,3,MPV,9.6,9.6,fL,fL,19703 +264563221,1101375,28331,1,calcium,8.8,8.8,mg/dL,mg/dL,28374 +263438183,1101375,23911,1,phosphate,2.2,2.2,mg/dL,mg/dL,23967 +273937479,1101375,5231,7,Temperature,37.0,37.0,°C,degree C,5251 +264818017,1101375,8181,1,magnesium,1.7,1.7,mg/dL,mg/dL,8218 +271731231,1101375,4571,3,RBC,3.74,3.74,M/mcL,M/uL,5371 +268365752,1101375,23911,3,WBC x 1000,13.37,13.37,K/mcL,K/uL,23932 +260168350,1101375,9286,1,bicarbonate,27.0,27,mmol/L,mmol/L,9321 +263156447,1101375,18251,1,phosphate,2.4,2.4,mg/dL,mg/dL,18309 +261691879,1101375,10008,1,glucose,181.0,181,mg/dL,mg/dL,10048 +262028858,1101375,21086,1,BUN,23.0,23,mg/dL,mg/dL,21125 +264663491,1101375,34046,1,calcium,8.9,8.9,mg/dL,mg/dL,34073 +264781703,1101375,47098,1,BUN,22.0,22,mg/dL,mg/dL,47128 +274347742,1101375,4488,7,paO2,117.0,117.0,mm Hg,mm Hg,4499 +263481624,1101375,23911,1,BUN,31.0,31,mg/dL,mg/dL,23967 +267761332,1101375,47712,3,RDW,17.2,17.2,%,%,47722 +263214455,1101375,35576,1,phosphate,2.8,2.8,mg/dL,mg/dL,35607 +273142232,1101375,7464,4,bedside glucose,161.0,161,mg/dL,mg/dl,7469 +262028857,1101375,21086,1,chloride,98.0,98,mmol/L,mmol/L,21125 +268293933,1101375,2406,3,MCHC,32.6,32.6,g/dL,g/dL,5371 +264781700,1101375,47098,1,calcium,8.3,8.3,mg/dL,mg/dL,47128 +264415878,1101375,30481,1,creatinine,0.3,0.3,mg/dL,mg/dL,30526 +268365747,1101375,23911,3,-polys,87.0,87,%,%,23932 +266466827,1101375,12476,3,MPV,9.8,9.8,fL,fL,12509 +263027459,1101375,22571,1,chloride,92.0,92,mmol/L,mmol/L,22676 +263525416,1101375,7816,1,bicarbonate,26.0,26,mmol/L,mmol/L,7852 +262028856,1101375,21086,1,glucose,139.0,139,mg/dL,mg/dL,21125 +262548870,1101375,4221,1,sodium,143.0,143,mmol/L,mmol/L,4262 +264839021,1101375,26906,1,phosphate,2.8,2.8,mg/dL,mg/dL,26963 +264663493,1101375,34046,1,chloride,108.0,108,mmol/L,mmol/L,34073 +263302128,1101375,31181,1,BUN,38.0,38,mg/dL,mg/dL,31220 +267054962,1101375,1068,3,MCH,28.8,28.8,pg,pg,5371 +263027453,1101375,22571,1,potassium,4.8,4.8,mmol/L,mmol/L,22676 +264246121,1101375,4571,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +262028854,1101375,21086,1,bicarbonate,29.0,29,mmol/L,mmol/L,21125 +272944174,1101375,17544,4,bedside glucose,113.0,113,mg/dL,mg/dl,17545 +264781696,1101375,47098,1,potassium,4.4,4.4,mmol/L,mmol/L,47128 +270175043,1101375,6721,3,-polys,87.0,87,%,%,6743 +268290444,1101375,19676,3,-lymphs,7.0,7,%,%,19703 +271113861,1101375,34046,3,platelets x 1000,243.0,243,K/mcL,K/uL,34057 +263027454,1101375,22571,1,creatinine,0.4,0.4,mg/dL,mg/dL,22676 +274253810,1101375,4644,7,HCO3,26.9,26.9,mmol/L,mmol/L,4658 +261886879,1101375,23911,1,magnesium,1.9,1.9,mg/dL,mg/dL,23967 +263800049,1101375,6391,1,BUN,22.0,22,mg/dL,mg/dL,6416 +264991041,1101375,2406,1,magnesium,2.0,2.0,mg/dL,mg/dL,2435 +262074504,1101375,31931,1,bicarbonate,35.0,35,mmol/L,mmol/L,31979 +261626705,1101375,12476,1,BUN,24.0,24,mg/dL,mg/dL,12525 +264663487,1101375,34046,1,potassium,4.3,4.3,mmol/L,mmol/L,34073 +263027456,1101375,22571,1,bicarbonate,28.0,28,mmol/L,mmol/L,22676 +274347743,1101375,4488,7,Carboxyhemoglobin,1.3,1.3,%,% total Hgb,4499 +263422483,1101375,12476,1,magnesium,2.5,2.5,mg/dL,mg/dL,12525 +273619206,1101375,3834,4,bedside glucose,115.0,115,mg/dL,mg/dl,5371 +264781699,1101375,47098,1,bicarbonate,29.0,29,mmol/L,mmol/L,47128 +273202695,1101375,4652,4,bedside glucose,162.0,162,mg/dL,mg/dl,5434 +260436006,1101375,29771,1,sodium,150.0,150,mmol/L,mmol/L,29823 +268293935,1101375,2406,3,platelets x 1000,175.0,175,K/mcL,K/uL,2420 +263027460,1101375,22571,1,BUN,35.0,35,mg/dL,mg/dL,22676 +272913592,1101375,17159,4,bedside glucose,112.0,112,mg/dL,mg/dl,17161 +261626698,1101375,12476,1,potassium,4.1,4.1,mmol/L,mmol/L,12525 +260920476,1101375,30121,1,BUN,38.0,38,mg/dL,mg/dL,30177 +262159333,1101375,35576,1,BUN,37.0,37,mg/dL,mg/dL,35607 +263525415,1101375,7816,1,sodium,146.0,146,mmol/L,mmol/L,7852 +275357734,1101375,4390,7,Carboxyhemoglobin,1.5,1.5,%,% total Hgb,4396 +259954540,1101375,5696,1,chloride,111.0,111,mmol/L,mmol/L,5744 +264781698,1101375,47098,1,sodium,139.0,139,mmol/L,mmol/L,47128 +264554570,1101375,2976,1,bicarbonate,26.0,26,mmol/L,mmol/L,3013 +262028855,1101375,21086,1,calcium,9.0,9.0,mg/dL,mg/dL,21125 +267054963,1101375,1068,3,-monos,10.0,10,%,%,5371 +262159332,1101375,35576,1,chloride,108.0,108,mmol/L,mmol/L,35607 +267139307,1101375,4781,3,Hgb,11.1,11.1,g/dL,g/dL,5371 +275357730,1101375,4390,7,Methemoglobin,0.7,0.7,%,% total Hgb,4396 +271731232,1101375,4571,3,-basos,0.0,0,%,%,5371 +263120293,1101375,22571,1,phosphate,3.7,3.7,mg/dL,mg/dL,22608 +264563223,1101375,28331,1,chloride,109.0,109,mmol/L,mmol/L,28374 +260436010,1101375,29771,1,chloride,110.0,110,mmol/L,mmol/L,29823 +262548873,1101375,4221,1,glucose,128.0,128,mg/dL,mg/dL,4262 +262159331,1101375,35576,1,glucose,147.0,147,mg/dL,mg/dL,35607 +264507697,1101375,4390,1,ionized calcium,4.36,1.09,mg/dL,mmol/L,4396 +275357735,1101375,4390,7,paCO2,48.5,48.5,mm Hg,mm Hg,4396 +260552253,1101375,30851,1,potassium,4.2,4.2,mmol/L,mmol/L,30889 +264781702,1101375,47098,1,chloride,100.0,100,mmol/L,mmol/L,47128 +261691880,1101375,10008,1,chloride,106.0,106,mmol/L,mmol/L,10048 +261626702,1101375,12476,1,calcium,8.0,8.0,mg/dL,mg/dL,12525 +263221304,1101375,19676,1,glucose,114.0,114,mg/dL,mg/dL,19723 +262159330,1101375,35576,1,calcium,8.5,8.5,mg/dL,mg/dL,35607 +274347746,1101375,4488,7,Temperature,37.0,37.0,°C,degree C,4499 +275357729,1101375,4390,7,HCO3,26.5,26.5,mmol/L,mmol/L,4396 +264243515,1101375,8531,1,BUN,21.0,21,mg/dL,mg/dL,8593 +263027458,1101375,22571,1,glucose,121.0,121,mg/dL,mg/dL,22676 +264507696,1101375,4390,1,sodium,140.0,140,mmol/L,mmol/L,4396 +268290447,1101375,19676,3,-polys,84.0,84,%,%,19703 +268293934,1101375,2406,3,WBC x 1000,7.77,7.77,K/mcL,K/uL,2420 +262159328,1101375,35576,1,sodium,147.0,147,mmol/L,mmol/L,35607 +261098941,1101375,27606,1,creatinine,0.3,0.3,mg/dL,mg/dL,27634 +275443909,1101375,-104,7,Base Excess,,0,mEq/L,mmol/L,54434 +261742864,1101375,32291,1,sodium,152.0,152,mmol/L,mmol/L,32330 +264781701,1101375,47098,1,glucose,134.0,134,mg/dL,mg/dL,47128 +263525417,1101375,7816,1,calcium,8.4,8.4,mg/dL,mg/dL,7852 +260436008,1101375,29771,1,calcium,8.7,8.7,mg/dL,mg/dL,29823 +273937471,1101375,5231,7,HCO3,28.2,28.2,mmol/L,mmol/L,5251 +272992935,1101375,35158,4,bedside glucose,154.0,154,mg/dL,mg/dl,35159 +264482338,1101375,-119,1,AST (SGOT),25.0,25,Units/L,U/L,5371 +259337091,1101375,23131,1,creatinine,0.4,0.4,mg/dL,mg/dL,23195 +267054965,1101375,1068,3,WBC x 1000,8.58,8.58,K/mcL,K/uL,1122 +263027457,1101375,22571,1,calcium,8.9,8.9,mg/dL,mg/dL,22676 +264051230,1101375,31181,1,magnesium,2.0,2.0,mg/dL,mg/dL,31220 +261626703,1101375,12476,1,glucose,161.0,161,mg/dL,mg/dL,12525 +260920475,1101375,30121,1,chloride,108.0,108,mmol/L,mmol/L,30177 +267460686,1101375,43096,3,MCV,93.5,93.5,fL,fL,43115 +270175042,1101375,6721,3,-basos,0.0,0,%,%,6743 +260117315,1101375,-119,1,creatinine,0.5,0.5,mg/dL,mg/dL,5371 +264876963,1101375,7136,1,chloride,117.0,117,mmol/L,mmol/L,7165 +262159327,1101375,35576,1,creatinine,0.2,0.2,mg/dL,mg/dL,35607 +264482340,1101375,-119,1,direct bilirubin,,<0.2,mg/dL,mg/dL,5371 +262028852,1101375,21086,1,creatinine,0.3,0.3,mg/dL,mg/dL,21125 +263800046,1101375,6391,1,calcium,8.4,8.4,mg/dL,mg/dL,6416 +264766629,1101375,8181,1,phosphate,2.5,2.5,mg/dL,mg/dL,8218 +264415880,1101375,30481,1,bicarbonate,31.0,31,mmol/L,mmol/L,30526 +275443906,1101375,-104,7,pH,,7.332,,,54434 +271731230,1101375,4571,3,-lymphs,5.0,5,%,%,5371 +267460684,1101375,43096,3,RBC,4.13,4.13,M/mcL,M/uL,43115 +274347744,1101375,4488,7,paCO2,53.9,53.9,mm Hg,mm Hg,4499 +260502441,1101375,9611,1,phosphate,2.7,2.7,mg/dL,mg/dL,9659 +262548872,1101375,4221,1,calcium,8.5,8.5,mg/dL,mg/dL,5371 +273037156,1101375,8544,4,bedside glucose,133.0,133,mg/dL,mg/dl,8545 +264554571,1101375,2976,1,glucose,110.0,110,mg/dL,mg/dL,3013 +259337092,1101375,23131,1,sodium,139.0,139,mmol/L,mmol/L,23195 +268293932,1101375,2406,3,-monos,10.0,10,%,%,5371 +263030323,1101375,16811,1,phosphate,2.9,2.9,mg/dL,mg/dL,16796 +273170568,1101375,9959,4,bedside glucose,308.0,308,mg/dL,mg/dl,9962 +261626700,1101375,12476,1,sodium,140.0,140,mmol/L,mmol/L,12525 +266466828,1101375,12476,3,-lymphs,7.0,7,%,%,12509 +267460685,1101375,43096,3,Hct,38.6,38.6,%,%,43115 +263525420,1101375,7816,1,BUN,21.0,21,mg/dL,mg/dL,7852 +260117322,1101375,-119,1,BUN,10.0,10,mg/dL,mg/dL,-79 +259632772,1101375,43096,1,creatinine,0.2,0.2,mg/dL,mg/dL,43136 +272995802,1101375,20716,4,bedside glucose,120.0,120,mg/dL,mg/dl,20717 +264554569,1101375,2976,1,sodium,145.0,145,mmol/L,mmol/L,3013 +263481620,1101375,23911,1,bicarbonate,28.0,28,mmol/L,mmol/L,23967 +267054953,1101375,1068,3,-lymphs,15.0,15,%,%,5371 +264687160,1101375,16811,1,magnesium,1.8,1.8,mg/dL,mg/dL,16796 +272502705,1101375,20421,4,bedside glucose,111.0,111,mg/dL,mg/dl,20422 +275357733,1101375,4390,7,paO2,101.0,101.0,mm Hg,mm Hg,4396 +274253811,1101375,4644,7,Methemoglobin,0.8,0.8,%,% total Hgb,4658 +267460692,1101375,43096,3,platelets x 1000,196.0,196,K/mcL,K/uL,43115 +264563217,1101375,28331,1,potassium,4.0,4.0,mmol/L,mmol/L,28374 +260140796,1101375,6721,1,sodium,149.0,149,mmol/L,mmol/L,6775 +273937476,1101375,5231,7,Carboxyhemoglobin,1.1,1.1,%,% total Hgb,5251 +272993669,1101375,12849,4,bedside glucose,137.0,137,mg/dL,mg/dl,12853 +264507695,1101375,4390,1,anion gap,4.8,4.8,,mmol/L,4396 +259337097,1101375,23131,1,BUN,36.0,36,mg/dL,mg/dL,23195 +262677608,1101375,10696,1,BUN,22.0,22,mg/dL,mg/dL,10721 +275072266,1101375,7136,7,Carboxyhemoglobin,,1.9,%,% total Hgb,54433 +261691874,1101375,10008,1,potassium,3.6,3.6,mmol/L,mmol/L,10048 +261626699,1101375,12476,1,creatinine,0.3,0.3,mg/dL,mg/dL,12525 +261261240,1101375,27251,1,creatinine,0.3,0.3,mg/dL,mg/dL,27360 +267460690,1101375,43096,3,MCH,29.1,29.1,pg,pg,43115 +274347738,1101375,4488,7,HCO3,27.4,27.4,mmol/L,mmol/L,4499 +260117316,1101375,-119,1,calcium,8.9,8.9,mg/dL,mg/dL,5371 +267761336,1101375,47712,3,platelets x 1000,171.0,171,K/mcL,K/uL,47722 +261325942,1101375,25447,1,BUN,31.0,31,mg/dL,mg/dL,25507 +264554572,1101375,2976,1,chloride,108.0,108,mmol/L,mmol/L,3013 +262028851,1101375,21086,1,potassium,4.4,4.4,mmol/L,mmol/L,21125 +268293923,1101375,2406,3,RBC,4.7,4.70,M/mcL,M/uL,5371 +262159326,1101375,35576,1,potassium,4.7,4.7,mmol/L,mmol/L,35607 +267139303,1101375,4781,3,MPV,11.7,11.7,fL,fL,5371 +275357738,1101375,4390,7,Base Excess,1.1,1.1,mEq/L,mmol/L,4396 +271731233,1101375,4571,3,-polys,91.0,91,%,%,5371 +261193517,1101375,8181,1,creatinine,0.4,0.4,mg/dL,mg/dL,8218 +260168351,1101375,9286,1,calcium,8.3,8.3,mg/dL,mg/dL,9321 +260140794,1101375,6721,1,potassium,3.8,3.8,mmol/L,mmol/L,6775 +262548869,1101375,4221,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +263027455,1101375,22571,1,sodium,129.0,129,mmol/L,mmol/L,22676 +264482343,1101375,-119,1,total protein,6.8,6.8,g/dL,g/dL,-79 +259337090,1101375,23131,1,potassium,4.8,4.8,mmol/L,mmol/L,23195 +267054957,1101375,1068,3,Hct,42.7,42.7,%,%,5371 +261193516,1101375,8181,1,potassium,4.3,4.3,mmol/L,mmol/L,8218 +264246124,1101375,4571,1,calcium,8.2,8.2,mg/dL,mg/dL,5371 +261626701,1101375,12476,1,bicarbonate,24.0,24,mmol/L,mmol/L,12525 +272690289,1101375,2291,4,serum osmolality,298.0,298,mOsm/kg H2O,mOsm/kg,2357 +267460691,1101375,43096,3,MCHC,31.1,31.1,g/dL,g/dL,43115 +270175044,1101375,6721,3,Hct,31.5,31.5,%,%,6743 +260117317,1101375,-119,1,potassium,3.9,3.9,mmol/L,mmol/L,-79 +271712146,1101375,31181,3,MPV,9.7,9.7,fL,fL,31205 +261193522,1101375,8181,1,chloride,108.0,108,mmol/L,mmol/L,8218 +264482337,1101375,-119,1,alkaline phos.,79.0,79,Units/L,U/L,5371 +268365748,1101375,23911,3,Hct,31.5,31.5,%,%,23932 +262677607,1101375,10696,1,chloride,104.0,104,mmol/L,mmol/L,10721 +273378452,1101375,7105,4,bedside glucose,113.0,113,mg/dL,mg/dl,7106 +261098943,1101375,27606,1,bicarbonate,32.0,32,mmol/L,mmol/L,27634 +275443904,1101375,-104,7,paO2,,38,mm Hg,mm Hg,54434 +261742867,1101375,32291,1,glucose,144.0,144,mg/dL,mg/dL,32330 +261222929,1101375,9611,1,magnesium,1.7,1.7,mg/dL,mg/dL,9659 +273587550,1101375,7394,4,protein - CSF,29.0,29,mg/dL,mg/dL,7450 +260436011,1101375,29771,1,BUN,39.0,39,mg/dL,mg/dL,29823 +273560139,1101375,13912,4,bedside glucose,184.0,184,mg/dL,mg/dl,13914 +264781697,1101375,47098,1,creatinine,0.2,0.2,mg/dL,mg/dL,47128 +264554567,1101375,2976,1,calcium,8.4,8.4,mg/dL,mg/dL,5371 +259337093,1101375,23131,1,bicarbonate,30.0,30,mmol/L,mmol/L,23195 +268293930,1101375,2406,3,RDW,14.4,14.4,%,%,5371 +261325940,1101375,25447,1,glucose,178.0,178,mg/dL,mg/dL,25507 +272758331,1101375,20027,4,bedside glucose,134.0,134,mg/dL,mg/dl,20028 +261626704,1101375,12476,1,chloride,107.0,107,mmol/L,mmol/L,12525 +260920473,1101375,30121,1,calcium,8.7,8.7,mg/dL,mg/dL,30177 +267460683,1101375,43096,3,MPV,10.4,10.4,fL,fL,43115 +263525414,1101375,7816,1,creatinine,0.4,0.4,mg/dL,mg/dL,7852 +260117319,1101375,-119,1,bicarbonate,23.0,23,mmol/L,mmol/L,-79 +259632773,1101375,43096,1,sodium,143.0,143,mmol/L,mmol/L,43136 +261193519,1101375,8181,1,bicarbonate,27.0,27,mmol/L,mmol/L,8218 +264482341,1101375,-119,1,ALT (SGPT),14.0,14,Units/L,U/L,5371 +262028853,1101375,21086,1,sodium,136.0,136,mmol/L,mmol/L,21125 +267054958,1101375,1068,3,-eos,0.0,0,%,%,5371 +272491798,1101375,27484,4,bedside glucose,176.0,176,mg/dL,mg/dl,27485 +264415879,1101375,30481,1,sodium,152.0,152,mmol/L,mmol/L,30526 +275357736,1101375,4390,7,pH,7.357,7.357,,units,4396 +271731229,1101375,4571,3,MPV,11.2,11.2,fL,fL,5371 +261325941,1101375,25447,1,chloride,103.0,103,mmol/L,mmol/L,25507 +264563219,1101375,28331,1,sodium,148.0,148,mmol/L,mmol/L,28374 +260140800,1101375,6721,1,chloride,110.0,110,mmol/L,mmol/L,6775 +262702480,1101375,25811,1,BUN,32.0,32,mg/dL,mg/dL,25902 +275072265,1101375,7136,7,Methemoglobin,,0.3,%,% total Hgb,54433 +264554568,1101375,2976,1,potassium,3.8,3.8,mmol/L,mmol/L,3013 +260630530,1101375,12476,1,phosphate,2.4,2.4,mg/dL,mg/dL,12525 +262677602,1101375,10696,1,creatinine,0.4,0.4,mg/dL,mg/dL,10721 +261193521,1101375,8181,1,glucose,139.0,139,mg/dL,mg/dL,8218 +261691875,1101375,10008,1,creatinine,0.3,0.3,mg/dL,mg/dL,10048 +261329465,1101375,2291,1,glucose,104.0,104,mg/dL,mg/dL,2374 +266466829,1101375,12476,3,RBC,3.27,3.27,M/mcL,M/uL,12509 +267460687,1101375,43096,3,Hgb,12.0,12.0,g/dL,g/dL,43115 +274347745,1101375,4488,7,pH,7.326,7.326,,units,4499 +259337095,1101375,23131,1,glucose,155.0,155,mg/dL,mg/dL,23195 +264209632,1101375,12926,1,bicarbonate,27.0,27,mmol/L,mmol/L,12960 +261193523,1101375,8181,1,BUN,21.0,21,mg/dL,mg/dL,8218 +264482342,1101375,-119,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-79 +260436009,1101375,29771,1,glucose,167.0,167,mg/dL,mg/dL,29823 +268350529,1101375,18251,3,MCV,89.5,89.5,fL,fL,18293 +273350210,1101375,9960,4,bedside glucose,284.0,284,mg/dL,mg/dl,9962 +262626515,1101375,7461,1,bicarbonate,25.0,25,mmol/L,mmol/L,7527 +260493462,1101375,5231,1,bicarbonate,27.0,27,mmol/L,mmol/L,5298 +274253817,1101375,4644,7,pH,7.41,7.410,,units,4658 +261325936,1101375,25447,1,creatinine,0.3,0.3,mg/dL,mg/dL,25507 +263800047,1101375,6391,1,glucose,182.0,182,mg/dL,mg/dL,6416 +261329464,1101375,2291,1,bicarbonate,27.0,27,mmol/L,mmol/L,2374 +273937480,1101375,5231,7,Base Excess,5.2,5.2,mEq/L,mmol/L,5251 +259137436,1101375,18251,1,magnesium,1.9,1.9,mg/dL,mg/dL,18309 +264507694,1101375,4390,1,potassium,3.9,3.9,mmol/L,mmol/L,4396 +260117320,1101375,-119,1,glucose,182.0,182,mg/dL,mg/dL,-79 +267054956,1101375,1068,3,-polys,75.0,75,%,%,5371 +261310327,1101375,15371,1,phosphate,2.9,2.9,mg/dL,mg/dL,15429 +273414500,1101375,9285,4,bedside glucose,119.0,119,mg/dL,mg/dl,9287 +260140801,1101375,6721,1,BUN,24.0,24,mg/dL,mg/dL,6775 +261261241,1101375,27251,1,sodium,148.0,148,mmol/L,mmol/L,27360 +267460688,1101375,43096,3,WBC x 1000,15.54,15.54,K/mcL,K/uL,43115 +270175039,1101375,6721,3,MPV,9.9,9.9,fL,fL,6743 +260493464,1101375,5231,1,glucose,142.0,142,mg/dL,mg/dL,5298 +264876964,1101375,7136,1,BUN,19.0,19,mg/dL,mg/dL,7165 +261325937,1101375,25447,1,sodium,142.0,142,mmol/L,mmol/L,25507 +264554566,1101375,2976,1,creatinine,0.5,0.5,mg/dL,mg/dL,5371 +261329460,1101375,2291,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +262677605,1101375,10696,1,calcium,8.8,8.8,mg/dL,mg/dL,10721 +273205808,1101375,3474,4,bedside glucose,154.0,154,mg/dL,mg/dl,5371 +272805166,1101375,35506,4,bedside glucose,143.0,143,mg/dL,mg/dl,35508 +275443908,1101375,-104,7,O2 Sat (%),,68,%,%,54434 +271731234,1101375,4571,3,Hct,33.1,33.1,%,%,5371 +261325935,1101375,25447,1,potassium,4.5,4.5,mmol/L,mmol/L,25507 +273480923,1101375,33329,4,bedside glucose,153.0,153,mg/dL,mg/dl,34154 +260140799,1101375,6721,1,glucose,113.0,113,mg/dL,mg/dL,6775 +262548868,1101375,4221,1,potassium,4.0,4.0,mmol/L,mmol/L,4262 +275072267,1101375,7136,7,Temperature,,37.0,°C,degree C,54433 +264554573,1101375,2976,1,BUN,9.0,9,mg/dL,mg/dL,3013 +260493460,1101375,5231,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +268293931,1101375,2406,3,MCH,28.7,28.7,pg,pg,5371 +261325938,1101375,25447,1,bicarbonate,33.0,33,mmol/L,mmol/L,25507 +273373682,1101375,27982,4,bedside glucose,126.0,126,mg/dL,mg/dl,27983 +261329461,1101375,2291,1,calcium,8.2,8.2,mg/dL,mg/dL,5371 +263228175,1101375,11031,1,phosphate,2.8,2.8,mg/dL,mg/dL,11108 +267460689,1101375,43096,3,RDW,17.0,17.0,%,%,43115 +263525418,1101375,7816,1,glucose,130.0,130,mg/dL,mg/dL,7852 +259337094,1101375,23131,1,calcium,8.9,8.9,mg/dL,mg/dL,23195 +259954536,1101375,5696,1,sodium,148.0,148,mmol/L,mmol/L,5744 +261193520,1101375,8181,1,calcium,8.3,8.3,mg/dL,mg/dL,8218 +264507698,1101375,4390,1,glucose,157.0,157,mg/dL,mg/dL,4396 +260140798,1101375,6721,1,calcium,8.4,8.4,mg/dL,mg/dL,6775 +267054959,1101375,1068,3,MCV,87.9,87.9,fL,fL,5371 +273330718,1101375,33034,4,bedside glucose,133.0,133,mg/dL,mg/dl,33035 +260700901,1101375,-119,1,troponin - T,,<0.010,ng/mL,ng/mL,-68 +260493461,1101375,5231,1,sodium,147.0,147,mmol/L,mmol/L,5298 +273597281,1101375,27780,4,bedside glucose,130.0,130,mg/dL,mg/dl,27781 +261011831,1101375,6721,1,magnesium,1.9,1.9,mg/dL,mg/dL,6775 +264563222,1101375,28331,1,glucose,146.0,146,mg/dL,mg/dL,28374 +261329462,1101375,2291,1,potassium,4.3,4.3,mmol/L,mmol/L,2374 +273513539,1101375,21084,4,bedside glucose,123.0,123,mg/dL,mg/dl,21085 +262642355,1101375,25447,1,phosphate,3.1,3.1,mg/dL,mg/dL,25507 +264507699,1101375,4390,1,chloride,109.0,109,mmol/L,mmol/L,4396 +260117321,1101375,-119,1,chloride,96.0,96,mmol/L,mmol/L,-79 +262677603,1101375,10696,1,sodium,140.0,140,mmol/L,mmol/L,10721 +261325939,1101375,25447,1,calcium,8.9,8.9,mg/dL,mg/dL,25507 +273531688,1101375,26538,4,bedside glucose,137.0,137,mg/dL,mg/dl,26539 +260436005,1101375,29771,1,creatinine,0.3,0.3,mg/dL,mg/dL,29823 +261742868,1101375,32291,1,chloride,112.0,112,mmol/L,mmol/L,32330 +262159329,1101375,35576,1,bicarbonate,33.0,33,mmol/L,mmol/L,35607 +274347739,1101375,4488,7,Methemoglobin,1.1,1.1,%,% total Hgb,4499 +260590423,1101375,34046,1,magnesium,2.0,2.0,mg/dL,mg/dL,34073 +267761333,1101375,47712,3,MCH,29.6,29.6,pg,pg,47722 +261193518,1101375,8181,1,sodium,144.0,144,mmol/L,mmol/L,8218 +264482339,1101375,-119,1,albumin,3.6,3.6,g/dL,g/dL,5371 +261358660,1101375,19676,1,magnesium,1.8,1.8,mg/dL,mg/dL,19723 +268188893,1101375,9611,3,platelets x 1000,206.0,206,K/mcL,K/uL,9630 +262600223,1101375,28331,1,phosphate,2.5,2.5,mg/dL,mg/dL,28374 +272969068,1101375,11397,4,bedside glucose,187.0,187,mg/dL,mg/dl,11399 +275357737,1101375,4390,7,Temperature,37.0,37.0,°C,degree C,4396 +260920474,1101375,30121,1,glucose,153.0,153,mg/dL,mg/dL,30177 +272467371,1101375,25876,4,bedside glucose,109.0,109,mg/dL,mg/dl,25885 +260552254,1101375,30851,1,creatinine,0.3,0.3,mg/dL,mg/dL,30889 +260762622,1101375,16811,1,glucose,146.0,146,mg/dL,mg/dL,16796 +262702477,1101375,25811,1,calcium,9.0,9.0,mg/dL,mg/dL,25902 +260436004,1101375,29771,1,potassium,4.0,4.0,mmol/L,mmol/L,29823 +259043071,1101375,13391,1,glucose,134.0,134,mg/dL,mg/dL,13455 +273093363,1101375,14290,4,bedside glucose,120.0,120,mg/dL,mg/dl,14292 +267054960,1101375,1068,3,Hgb,14.0,14.0,g/dL,g/dL,5371 +260908482,1101375,26906,1,magnesium,2.0,2.0,mg/dL,mg/dL,26963 +273441465,1101375,10700,4,bedside glucose,136.0,136,mg/dL,mg/dl,10702 +260493465,1101375,5231,1,chloride,111.0,111,mmol/L,mmol/L,5298 +264846226,1101375,-104,1,bicarbonate,26.5,26.5,mmol/L,mmol/L,-95 +273463171,1101375,12,4,urinary specific gravity,1.013,1.013,,,5371 +270175040,1101375,6721,3,-lymphs,6.0,6,%,%,6743 +260723491,1101375,9611,1,sodium,142.0,142,mmol/L,mmol/L,9659 +271579807,1101375,5231,3,-monos,7.0,7,%,%,5371 +261329466,1101375,2291,1,chloride,108.0,108,mmol/L,mmol/L,2374 +259043070,1101375,13391,1,calcium,8.1,8.1,mg/dL,mg/dL,13455 +262882795,1101375,32645,1,phosphate,2.6,2.6,mg/dL,mg/dL,32679 +262677604,1101375,10696,1,bicarbonate,26.0,26,mmol/L,mmol/L,10721 +260762623,1101375,16811,1,chloride,99.0,99,mmol/L,mmol/L,16796 +261098947,1101375,27606,1,BUN,37.0,37,mg/dL,mg/dL,27634 +259337096,1101375,23131,1,chloride,99.0,99,mmol/L,mmol/L,23195 +273464172,1101375,1702,4,bedside glucose,108.0,108,mg/dL,mg/dl,5371 +272508518,1101375,25813,4,bedside glucose,154.0,154,mg/dL,mg/dl,25815 +273603962,1101375,7394,4,WBC's in cerebrospinal fluid,14.0,14,,/cu mm,7509 +260762621,1101375,16811,1,calcium,8.3,8.3,mg/dL,mg/dL,16796 +261229452,1101375,3608,1,glucose,124.0,124,mg/dL,mg/dL,5371 +260436007,1101375,29771,1,bicarbonate,31.0,31,mmol/L,mmol/L,29823 +259043072,1101375,13391,1,chloride,102.0,102,mmol/L,mmol/L,13455 +272596600,1101375,10308,4,bedside glucose,120.0,120,mg/dL,mg/dl,10309 +268350530,1101375,18251,3,Hgb,10.2,10.2,g/dL,g/dL,18293 +260762618,1101375,16811,1,creatinine,0.4,0.4,mg/dL,mg/dL,16796 +273442264,1101375,16478,4,bedside glucose,112.0,112,mg/dL,mg/dl,16479 +260493463,1101375,5231,1,calcium,8.4,8.4,mg/dL,mg/dL,5371 +264846225,1101375,-104,1,lactate,2.0,2.0,mmol/L,mmol/L,5371 +273404742,1101375,27404,4,bedside glucose,157.0,157,mg/dL,mg/dl,27406 +263525419,1101375,7816,1,chloride,110.0,110,mmol/L,mmol/L,7852 +260762619,1101375,16811,1,sodium,133.0,133,mmol/L,mmol/L,16796 +259954537,1101375,5696,1,bicarbonate,29.0,29,mmol/L,mmol/L,5744 +261163965,1101375,11031,1,magnesium,1.7,1.7,mg/dL,mg/dL,11108 +259043068,1101375,13391,1,sodium,138.0,138,mmol/L,mmol/L,13455 +261677792,1101375,35576,1,magnesium,2.0,2.0,mg/dL,mg/dL,35607 +267054966,1101375,1068,3,platelets x 1000,191.0,191,K/mcL,K/uL,1122 +260762620,1101375,16811,1,bicarbonate,24.0,24,mmol/L,mmol/L,16796 +261691881,1101375,10008,1,BUN,18.0,18,mg/dL,mg/dL,10048 +264064048,1101375,1923,1,chloride,105.0,105,mmol/L,mmol/L,1948 +261261242,1101375,27251,1,bicarbonate,29.0,29,mmol/L,mmol/L,27360 +262906870,1101375,32645,1,ionized calcium,4.92,1.23,mg/dL,mmol/L,32681 +264563220,1101375,28331,1,bicarbonate,30.0,30,mmol/L,mmol/L,28374 +260762617,1101375,16811,1,potassium,4.4,4.4,mmol/L,mmol/L,16796 +273503776,1101375,11031,4,bedside glucose,169.0,169,mg/dL,mg/dl,11033 +260117318,1101375,-119,1,sodium,136.0,136,mmol/L,mmol/L,-79 +259043069,1101375,13391,1,bicarbonate,24.0,24,mmol/L,mmol/L,13455 +272520411,1101375,35946,4,bedside glucose,139.0,139,mg/dL,mg/dl,35948 +262677601,1101375,10696,1,potassium,3.9,3.9,mmol/L,mmol/L,10721 +260723495,1101375,9611,1,chloride,105.0,105,mmol/L,mmol/L,9659 +273117391,1101375,5023,4,bedside glucose,115.0,115,mg/dL,mg/dl,5371 +264064049,1101375,1923,1,BUN,9.0,9,mg/dL,mg/dL,1948 +265432749,1101375,5231,3,Hgb,11.2,11.2,g/dL,g/dL,5371 +261600262,1101375,15371,1,magnesium,2.7,2.7,mg/dL,mg/dL,15429 +274347747,1101375,4488,7,Base Excess,1.2,1.2,mEq/L,mmol/L,4499 +260517415,1101375,35576,1,ionized calcium,4.76,1.19,mg/dL,mmol/L,35613 +264243514,1101375,8531,1,chloride,105.0,105,mmol/L,mmol/L,8593 +260140795,1101375,6721,1,creatinine,0.4,0.4,mg/dL,mg/dL,6775 +259043073,1101375,13391,1,BUN,23.0,23,mg/dL,mg/dL,13455 +273086399,1101375,34473,4,bedside glucose,130.0,130,mg/dL,mg/dl,34474 +268350528,1101375,18251,3,-eos,0.0,0,%,%,18293 +260723496,1101375,9611,1,BUN,20.0,20,mg/dL,mg/dL,9659 +267139308,1101375,4781,3,WBC x 1000,17.13,17.13,K/mcL,K/uL,4800 +264064046,1101375,1923,1,bicarbonate,27.0,27,mmol/L,mmol/L,1948 +266466837,1101375,12476,3,RDW,13.7,13.7,%,%,12509 +274827159,1101375,-108,7,Total CO2,,26,,mmol/L,54434 +263800045,1101375,6391,1,bicarbonate,29.0,29,mmol/L,mmol/L,6416 +260762624,1101375,16811,1,BUN,32.0,32,mg/dL,mg/dL,16796 +261229451,1101375,3608,1,ionized calcium,4.8,1.20,mg/dL,mmol/L,5371 +260109553,1101375,2291,1,BUN,9.0,9,mg/dL,mg/dL,2330 +259043066,1101375,13391,1,potassium,3.8,3.8,mmol/L,mmol/L,13455 +261361973,1101375,25447,1,magnesium,1.8,1.8,mg/dL,mg/dL,25507 +267054961,1101375,1068,3,RDW,14.1,14.1,%,%,5371 +260723492,1101375,9611,1,bicarbonate,25.0,25,mmol/L,mmol/L,9659 +272915628,1101375,19343,4,bedside glucose,139.0,139,mg/dL,mg/dl,19345 +260493466,1101375,5231,1,BUN,14.0,14,mg/dL,mg/dL,5298 +265304985,1101375,3831,1,magnesium,1.9,1.9,mg/dL,mg/dL,3890 +262668973,1101375,29771,1,phosphate,2.6,2.6,mg/dL,mg/dL,29823 +270175041,1101375,6721,3,RBC,3.53,3.53,M/mcL,M/uL,6743 +260723493,1101375,9611,1,calcium,8.6,8.6,mg/dL,mg/dL,9659 +264876962,1101375,7136,1,glucose,125.0,125,mg/dL,mg/dL,7165 +264064047,1101375,1923,1,glucose,137.0,137,mg/dL,mg/dL,1948 +259043067,1101375,13391,1,creatinine,0.3,0.3,mg/dL,mg/dL,13455 +272437426,1101375,15768,4,bedside glucose,114.0,114,mg/dL,mg/dl,15769 +262677606,1101375,10696,1,glucose,155.0,155,mg/dL,mg/dL,10721 +260722789,1101375,2406,1,phosphate,3.0,3.0,mg/dL,mg/dL,2435 +264167244,1101375,4637,1,magnesium,2.4,2.4,mg/dL,mg/dL,4684 +260323751,1101375,21086,1,magnesium,1.9,1.9,mg/dL,mg/dL,21125 +261261246,1101375,27251,1,BUN,33.0,33,mg/dL,mg/dL,27360 +272924931,1101375,18654,4,bedside glucose,174.0,174,mg/dL,mg/dl,18655 +273097952,1101375,7394,4,glucose - CSF,82.0,82,mg/dL,mg/dL,7450 +260723490,1101375,9611,1,creatinine,0.3,0.3,mg/dL,mg/dL,9659 +269257986,1101375,-108,3,Hct,50.0,50,%,%,5371 +261329467,1101375,2291,1,BUN,10.0,10,mg/dL,mg/dL,2374 +273059694,1101375,26313,4,bedside glucose,131.0,131,mg/dL,mg/dl,26314 +273012407,1101375,33717,4,bedside glucose,127.0,127,mg/dL,mg/dl,34154 +268350535,1101375,18251,3,MCHC,32.4,32.4,g/dL,g/dL,18293 +260723489,1101375,9611,1,potassium,4.2,4.2,mmol/L,mmol/L,9659 +273522878,1101375,7817,4,bedside glucose,124.0,124,mg/dL,mg/dl,8300 +264064042,1101375,1923,1,creatinine,0.5,0.5,mg/dL,mg/dL,5371 +265231888,1101375,31181,1,phosphate,2.5,2.5,mg/dL,mg/dL,31220 +273137457,1101375,25932,4,bedside glucose,70.0,70,mg/dL,mg/dl,25934 +263525413,1101375,7816,1,potassium,4.2,4.2,mmol/L,mmol/L,7852 +260842697,1101375,1008,1,phosphate,3.4,3.4,mg/dL,mg/dL,1047 +259954538,1101375,5696,1,calcium,8.2,8.2,mg/dL,mg/dL,5744 +260109548,1101375,2291,1,potassium,4.2,4.2,mmol/L,mmol/L,2330 +265510114,1101375,4719,3,Hgb,11.5,11.5,g/dL,g/dL,5371 +261550854,1101375,28331,1,magnesium,1.9,1.9,mg/dL,mg/dL,28374 +262074502,1101375,31931,1,creatinine,0.3,0.3,mg/dL,mg/dL,31979 +271588631,1101375,43096,3,PT,13.1,13.1,sec,seconds,43129 +272675966,1101375,34857,4,bedside glucose,132.0,132,mg/dL,mg/dl,34859 +275443905,1101375,-104,7,paCO2,,50.1,mm Hg,mm Hg,54434 +261229453,1101375,3608,1,bicarbonate,30.5,30.5,mmol/L,mmol/L,3610 +262379118,1101375,29771,1,magnesium,2.2,2.2,mg/dL,mg/dL,29823 +272839730,1101375,11859,4,bedside glucose,127.0,127,mg/dL,mg/dl,12616 +260723494,1101375,9611,1,glucose,146.0,146,mg/dL,mg/dL,9659 +272579202,1101375,6399,4,bedside glucose,154.0,154,mg/dL,mg/dl,6400 +272728349,1101375,1923,4,serum osmolality,295.0,295,mOsm/kg H2O,mOsm/kg,1939 +272724200,1101375,16105,4,bedside glucose,120.0,120,mg/dL,mg/dl,16106 +272676792,1101375,26070,4,bedside glucose,162.0,162,mg/dL,mg/dl,27049 +266133397,1101375,43096,3,PTT,26.0,26,sec,seconds,43129 +267897072,1101375,3608,3,Hct,39.0,39,%,%,5371 +272721126,1101375,13295,4,bedside glucose,114.0,114,mg/dL,mg/dl,13296 +260109552,1101375,2291,1,chloride,108.0,108,mmol/L,mmol/L,2330 +272776971,1101375,1284,4,bedside glucose,98.0,98,mg/dL,mg/dl,5371 +273275949,1101375,27246,4,bedside glucose,172.0,172,mg/dL,mg/dl,27248 +264316600,1101375,3831,1,sodium,143.0,143,mmol/L,mmol/L,3890 +259959246,1101375,21086,1,phosphate,3.9,3.9,mg/dL,mg/dL,21125 +273937475,1101375,5231,7,paO2,114.0,114.0,mm Hg,mm Hg,5251 +260140797,1101375,6721,1,bicarbonate,27.0,27,mmol/L,mmol/L,6775 +262720195,1101375,1314,1,sodium,141.0,141,mmol/L,mmol/L,1347 +272686522,1101375,14627,4,bedside glucose,126.0,126,mg/dL,mg/dl,14628 +272741151,1101375,12132,4,bedside glucose,112.0,112,mg/dL,mg/dl,12133 +273056305,1101375,22781,4,urinary sodium,31.0,31,mmol/L,mmol/L,22808 +264316602,1101375,3831,1,glucose,129.0,129,mg/dL,mg/dL,3890 +264064045,1101375,1923,1,sodium,144.0,144,mmol/L,mmol/L,1948 +259632771,1101375,43096,1,potassium,4.4,4.4,mmol/L,mmol/L,43136 +262239591,1101375,32645,1,magnesium,2.0,2.0,mg/dL,mg/dL,32679 +262720196,1101375,1314,1,bicarbonate,27.0,27,mmol/L,mmol/L,1347 +271588632,1101375,43096,3,PT - INR,1.01,1.01,ratio,,43129 +264415881,1101375,30481,1,calcium,8.6,8.6,mg/dL,mg/dL,30526 +260109547,1101375,2291,1,calcium,8.3,8.3,mg/dL,mg/dL,5371 +264316599,1101375,3831,1,potassium,3.7,3.7,mmol/L,mmol/L,3890 +272838760,1101375,8876,4,bedside glucose,143.0,143,mg/dL,mg/dl,8877 +261229450,1101375,3608,1,sodium,145.0,145,mmol/L,mmol/L,5371 +267897073,1101375,3608,3,Hgb,13.3,13.3,g/dL,g/dL,5371 +262720197,1101375,1314,1,glucose,129.0,129,mg/dL,mg/dL,1347 +260493459,1101375,5231,1,potassium,4.1,4.1,mmol/L,mmol/L,5298 +273154373,1101375,15018,4,bedside glucose,133.0,133,mg/dL,mg/dl,15019 +270020578,1101375,4021,3,PT,13.6,13.6,sec,seconds,4095 +264316597,1101375,3831,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +272853805,1101375,17875,4,bedside glucose,153.0,153,mg/dL,mg/dl,21233 +265209323,1101375,6721,1,phosphate,2.2,2.2,mg/dL,mg/dL,6775 +270020579,1101375,4021,3,PT - INR,1.06,1.06,ratio,,4095 +262720198,1101375,1314,1,chloride,103.0,103,mmol/L,mmol/L,1347 +260109549,1101375,2291,1,sodium,144.0,144,mmol/L,mmol/L,2330 +261691876,1101375,10008,1,sodium,141.0,141,mmol/L,mmol/L,10048 +259054406,1101375,29051,1,bicarbonate,30.0,30,mmol/L,mmol/L,29089 +264316601,1101375,3831,1,bicarbonate,27.0,27,mmol/L,mmol/L,3890 +261329463,1101375,2291,1,sodium,145.0,145,mmol/L,mmol/L,2374 +272701658,1101375,25972,4,bedside glucose,113.0,113,mg/dL,mg/dl,25974 +259054408,1101375,29051,1,glucose,129.0,129,mg/dL,mg/dL,29089 +262720199,1101375,1314,1,BUN,7.0,7,mg/dL,mg/dL,1347 +264064043,1101375,1923,1,calcium,8.5,8.5,mg/dL,mg/dL,5371 +272635838,1101375,29402,4,bedside glucose,130.0,130,mg/dL,mg/dl,29404 +259054410,1101375,29051,1,BUN,35.0,35,mg/dL,mg/dL,29089 +264316603,1101375,3831,1,chloride,107.0,107,mmol/L,mmol/L,3890 +260109550,1101375,2291,1,bicarbonate,26.0,26,mmol/L,mmol/L,2330 +269257987,1101375,-108,3,Hgb,17.0,17.0,g/dL,g/dL,5371 +259054404,1101375,29051,1,creatinine,0.3,0.3,mg/dL,mg/dL,29089 +262720193,1101375,1314,1,calcium,8.4,8.4,mg/dL,mg/dL,5371 +266801696,1101375,4644,3,Hgb,11.1,11.1,g/dL,g/dL,5371 +261098940,1101375,27606,1,potassium,4.2,4.2,mmol/L,mmol/L,27634 +259054403,1101375,29051,1,potassium,3.8,3.8,mmol/L,mmol/L,29089 +264316598,1101375,3831,1,calcium,8.6,8.6,mg/dL,mg/dL,5371 +272765560,1101375,27844,4,bedside glucose,136.0,136,mg/dL,mg/dl,27845 +259954539,1101375,5696,1,glucose,138.0,138,mg/dL,mg/dL,5744 +259054405,1101375,29051,1,sodium,149.0,149,mmol/L,mmol/L,29089 +262720192,1101375,1314,1,creatinine,0.6,0.6,mg/dL,mg/dL,5371 +260109546,1101375,2291,1,creatinine,0.4,0.4,mg/dL,mg/dL,5371 +272861777,1101375,13569,4,bedside glucose,135.0,135,mg/dL,mg/dl,13570 +273557759,1101375,22781,4,urinary osmolality,758.0,758,mOsm/L,mOsm/kg,22818 +264316604,1101375,3831,1,BUN,12.0,12,mg/dL,mg/dL,3890 +260254911,1101375,1008,1,magnesium,1.8,1.8,mg/dL,mg/dL,1047 +272926779,1101375,-119,4,ammonia,,<10,mcg/dL,umol/L,5371 +259054407,1101375,29051,1,calcium,8.5,8.5,mg/dL,mg/dL,29089 +273089484,1101375,2163,4,bedside glucose,106.0,106,mg/dL,mg/dl,5371 +264064044,1101375,1923,1,potassium,3.7,3.7,mmol/L,mmol/L,1948 +263774894,1101375,4637,1,phosphate,3.1,3.1,mg/dL,mg/dL,4684 +273353806,1101375,44288,4,bedside glucose,112.0,112,mg/dL,mg/dl,44290 +262720194,1101375,1314,1,potassium,4.4,4.4,mmol/L,mmol/L,1347 +260109551,1101375,2291,1,glucose,103.0,103,mg/dL,mg/dL,2330 +261229449,1101375,3608,1,potassium,3.6,3.6,mmol/L,mmol/L,5371 +259054409,1101375,29051,1,chloride,109.0,109,mmol/L,mmol/L,29089 +259069170,1101375,7331,1,ionized calcium,5.24,1.31,mg/dL,mmol/L,7364 +271731235,1101375,4571,3,-eos,0.0,0,%,%,5371 +162009744,580972,982,1,total bilirubin,1.1,1.1,mg/dL,mg/dL,1049 +162009743,580972,982,1,AST (SGOT),177.0,177,Units/L,U/L,1049 +162009730,580972,982,1,sodium,140.0,140,mmol/L,mmol/L,1049 +162009738,580972,982,1,total protein,7.3,7.3,g/dL,g/dL,1049 +162009731,580972,982,1,potassium,4.8,4.8,mmol/L,mmol/L,1049 +162009740,580972,982,1,calcium,8.7,8.7,mg/dL,mg/dL,1049 +162009739,580972,982,1,albumin,3.5,3.5,g/dL,g/dL,1049 +175712587,580972,982,3,RDW,12.2,12.2,%,%,1027 +162009734,580972,982,1,anion gap,6.0,6,,,1049 +175712588,580972,982,3,platelets x 1000,169.0,169,K/mcL,K/MM3,1027 +162048593,580972,-128,1,sodium,143.0,143,mmol/L,mmol/L,-101 +162009732,580972,982,1,chloride,107.0,107,mmol/L,mmol/L,1049 +162048591,580972,-128,1,anion gap,13.0,13,,,-101 +175712585,580972,982,3,MCH,33.7,33.7,pg,pg,1027 +162048592,580972,-128,1,AST (SGOT),187.0,187,Units/L,U/L,-101 +162009733,580972,982,1,bicarbonate,27.0,27,mmol/L,mmol/L,1049 +162048594,580972,-128,1,albumin,4.7,4.7,g/dL,g/dL,-101 +175712586,580972,982,3,MCHC,36.0,36,g/dL,g/dL,1027 +162048589,580972,-128,1,creatinine,1.02,1.02,mg/dL,mg/dL,-101 +162009741,580972,982,1,alkaline phos.,109.0,109,Units/L,U/L,1049 +162048590,580972,-128,1,alkaline phos.,148.0,148,Units/L,U/L,-101 +175712583,580972,982,3,Hct,46.1,46.1,%,%,1027 +162048619,580972,-128,1,BUN,14.0,14,mg/dL,mg/dL,-101 +162009735,580972,982,1,glucose,79.0,79,mg/dL,mg/dL,1049 +162048595,580972,-128,1,bicarbonate,25.0,25,mmol/L,mmol/L,-101 +175712584,580972,982,3,MCV,94.0,94,fL,fL,1027 +162048587,580972,-128,1,total bilirubin,1.5,1.5,mg/dL,mg/dL,-101 +165621074,580972,-128,2,ethanol,,<10,mg/dL,mg/dL,-101 +162009736,580972,982,1,BUN,12.0,12,mg/dL,mg/dL,1049 +165621073,580972,-128,2,Acetaminophen,,<10,mcg/mL,ug/mL,-101 +162048588,580972,-128,1,potassium,3.8,3.8,mmol/L,mmol/L,-101 +191583833,580972,-128,4,TSH,1.16,1.16,mcU/ml,mIU/L,-72 +175712580,580972,982,3,WBC x 1000,4.9,4.9,K/mcL,K/MM3,1027 +157309691,580972,-128,1,magnesium,2.1,2.1,mg/dL,mg/dL,-72 +144841190,580972,-128,1,troponin - I,,<0.012,ng/mL,ng/mL,-72 +162048618,580972,-128,1,chloride,105.0,105,mmol/L,mmol/L,-101 +184651859,580972,-128,3,RBC,5.31,5.31,M/mcL,M/MM3,-119 +162009742,580972,982,1,ALT (SGPT),363.0,363,Units/L,U/L,1049 +184651866,580972,-128,3,MCHC,37.0,37,g/dL,g/dL,-119 +162048616,580972,-128,1,ALT (SGPT),439.0,439,Units/L,U/L,-101 +184651860,580972,-128,3,Hct,48.5,48.5,%,%,-119 +175712581,580972,982,3,RBC,4.89,4.89,M/mcL,M/MM3,1027 +184651867,580972,-128,3,platelets x 1000,202.0,202,K/mcL,K/MM3,-119 +162048615,580972,-128,1,calcium,9.5,9.5,mg/dL,mg/dL,-101 +184651861,580972,-128,3,MCV,91.0,91,fL,fL,-119 +162009737,580972,982,1,creatinine,0.9,0.90,mg/dL,mg/dL,1049 +184651862,580972,-128,3,Hgb,18.1,18.1,g/dL,g/dL,-119 +162048617,580972,-128,1,glucose,102.0,102,mg/dL,mg/dL,-101 +184651864,580972,-128,3,RDW,11.8,11.8,%,%,-119 +175712582,580972,982,3,Hgb,16.5,16.5,g/dL,g/dL,1027 +184651863,580972,-128,3,WBC x 1000,6.1,6.1,K/mcL,K/MM3,-119 +162048596,580972,-128,1,total protein,9.2,9.2,g/dL,g/dL,-101 +184651865,580972,-128,3,MCH,34.1,34.1,pg,pg,-119 +141835889,639917,1008,1,BUN,12.0,12,mg/dL,mg/dL,1105 +141835888,639917,1008,1,chloride,108.0,108,mmol/L,mmol/L,1105 +141835887,639917,1008,1,glucose,103.0,103,mg/dL,mg/dL,1105 +141835885,639917,1008,1,calcium,8.3,8.3,mg/dL,mg/dL,1105 +141835886,639917,1008,1,ALT (SGPT),14.0,14,Units/L,IU/L,1105 +141835875,639917,1008,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,1105 +141835881,639917,1008,1,sodium,138.0,138,mmol/L,mmol/L,1105 +141835882,639917,1008,1,albumin,2.8,2.8,g/dL,g/dL,1105 +141835876,639917,1008,1,potassium,4.1,4.1,mmol/L,mmol/L,1105 +143855109,639917,168,1,potassium,3.2,3.2,mmol/L,mmol/L,274 +141835880,639917,1008,1,AST (SGOT),18.0,18,Units/L,IU/L,1105 +143855116,639917,168,1,chloride,113.0,113,mmol/L,mmol/L,274 +141835883,639917,1008,1,bicarbonate,22.0,22,mmol/L,mmol/L,1105 +143855114,639917,168,1,calcium,7.1,7.1,mg/dL,mg/dL,274 +141835884,639917,1008,1,total protein,5.5,5.5,g/dL,g/dL,1105 +143855113,639917,168,1,bicarbonate,23.0,23,mmol/L,mmol/L,274 +148286685,639917,168,1,phosphate,2.8,2.8,mg/dL,mg/dL,273 +157404319,639917,1008,1,magnesium,2.0,2.0,mg/dL,mg/dL,1105 +141835878,639917,1008,1,alkaline phos.,30.0,30,Units/L,IU/L,1105 +183731681,639917,1008,3,MCH,32.9,32.9,pg,pg,1082 +143855115,639917,168,1,glucose,85.0,85,mg/dL,mg/dL,274 +183731682,639917,1008,3,MCHC,35.2,35.2,g/dL,g/dL,1082 +151728808,639917,168,1,CPK,121.0,121,Units/L,IU/L,273 +183731677,639917,1008,3,Hct,39.2,39.2,%,%,1082 +143855117,639917,168,1,BUN,16.0,16,mg/dL,mg/dL,274 +183731678,639917,1008,3,MCV,94.0,94,fL,fL,1082 +141835879,639917,1008,1,anion gap,8.0,8,,,1105 +183731679,639917,1008,3,Hgb,13.8,13.8,g/dL,g/dL,1082 +143855112,639917,168,1,sodium,143.0,143,mmol/L,mmol/L,274 +183731676,639917,1008,3,RBC,4.19,4.19,M/mcL,M/MM3,1082 +187531469,639917,6,4,bedside glucose,125.0,125,mg/dL,mg/dL,6 +183731680,639917,1008,3,WBC x 1000,7.2,7.2,K/mcL,K/MM3,1082 +143855110,639917,168,1,creatinine,0.9,0.90,mg/dL,mg/dL,274 +183731675,639917,1008,3,MPV,10.3,10.3,fL,fL,1082 +141835877,639917,1008,1,creatinine,0.9,0.90,mg/dL,mg/dL,1105 +183731683,639917,1008,3,platelets x 1000,148.0,148,K/mcL,K/MM3,1082 +221263050,639917,40,7,FiO2,21.0,21,%,%,40 +156337290,639917,168,1,magnesium,1.5,1.5,mg/dL,mg/dL,273 +143855111,639917,168,1,anion gap,7.0,7,,,274 +181010547,639917,50,3,Hgb,15.1,15.1,g/dL,G/dL,51 +774601305,3135611,7003,1,creatinine,1.86,1.86,mg/dL,MG/DL,7029 +774307318,3135611,-199,1,chloride,98.0,98,mmol/L,mmol/L,-159 +777701196,3135611,348,7,pH,7.17,7.17,,,355 +774601306,3135611,7003,1,calcium,9.0,9.0,mg/dL,MG/DL,7029 +777701195,3135611,348,7,paCO2,84.0,84,mm Hg,MMHG,355 +774307312,3135611,-199,1,creatinine,1.8,1.80,mg/dL,MG/DL,-159 +777701197,3135611,348,7,Base Excess,1.0,1,mEq/L,MEQ/L,355 +774601300,3135611,7003,1,chloride,102.0,102,mmol/L,mmol/L,7029 +777932988,3135611,8,7,pH,7.24,7.24,,,14 +774307314,3135611,-199,1,sodium,138.0,138,mmol/L,mmol/L,-159 +777701192,3135611,348,7,HCO3,30.0,30,mmol/L,MEQ/L,355 +774601302,3135611,7003,1,anion gap,6.0,6,,mmol/L,7029 +777932986,3135611,8,7,paO2,56.0,56,mm Hg,MMHG,14 +774175648,3135611,-985,1,potassium,4.0,4.0,mmol/L,mmol/L,-958 +777701194,3135611,348,7,paO2,67.0,67,mm Hg,MMHG,355 +773938964,3135611,1248,1,potassium,4.6,4.6,mmol/L,mmol/L,1286 +777932989,3135611,8,7,Base Excess,5.0,5,mEq/L,MEQ/L,14 +774307319,3135611,-199,1,BUN,28.0,28,mg/dL,MG/DL,-159 +777701193,3135611,348,7,FiO2,60.0,60,%,,355 +774601301,3135611,7003,1,bicarbonate,34.0,34,mmol/L,mmol/L,7029 +777932984,3135611,8,7,HCO3,33.0,33,mmol/L,MEQ/L,14 +774175651,3135611,-985,1,sodium,140.0,140,mmol/L,mmol/L,-958 +775002950,3135611,1248,3,RDW,16.9,16.9,%,%,1275 +773938972,3135611,1248,1,BUN,38.0,38,mg/dL,MG/DL,1286 +772953664,3135611,36,1,CPK,77.0,77,Units/L,U/L,167 +774307317,3135611,-199,1,glucose,148.0,148,mg/dL,MG/DL,-159 +776364649,3135611,7003,3,MPV,7.4,7.4,fL,fl,7021 +773177751,3135611,198,1,calcium,9.1,9.1,mg/dL,MG/DL,270 +776858184,3135611,3345,4,bedside glucose,136.0,136,mg/dL,mg/dL,3345 +774601299,3135611,7003,1,potassium,4.3,4.3,mmol/L,mmol/L,7029 +775677657,3135611,5538,3,MPV,7.5,7.5,fL,fl,5553 +773177749,3135611,198,1,sodium,136.0,136,mmol/L,mmol/L,270 +777932987,3135611,8,7,paCO2,77.0,77,mm Hg,MMHG,14 +774175649,3135611,-985,1,creatinine,1.5,1.50,mg/dL,MG/DL,-958 +775002945,3135611,1248,3,RBC,3.95,3.95,M/mcL,MIL/CMM,1275 +773177748,3135611,198,1,anion gap,8.0,8,,mmol/L,270 +776911805,3135611,7674,4,bedside glucose,148.0,148,mg/dL,mg/dL,7674 +773938968,3135611,1248,1,bicarbonate,28.0,28,mmol/L,mmol/L,1286 +776364643,3135611,7003,3,Hct,35.6,35.6,%,%,7021 +773177747,3135611,198,1,creatinine,2.2,2.20,mg/dL,MG/DL,270 +772953665,3135611,36,1,CPK-MB,13.5,13.5,ng/mL,NG/ML,167 +774307311,3135611,-199,1,potassium,5.4,5.4,mmol/L,mmol/L,-159 +775677655,3135611,5538,3,RDW,17.6,17.6,%,%,5553 +776042048,3135611,-199,3,MCH,26.8,26.8,pg,PG,-141 +776885102,3135611,4782,4,bedside glucose,105.0,105,mg/dL,mg/dL,4782 +772790193,3135611,5538,1,bicarbonate,33.0,33,mmol/L,mmol/L,5567 +775002946,3135611,1248,3,Hct,34.3,34.3,%,%,1275 +773177746,3135611,198,1,potassium,5.5,5.5,mmol/L,mmol/L,270 +777932985,3135611,8,7,FiO2,60.0,60,%,,14 +774601303,3135611,7003,1,BUN,37.0,37,mg/dL,MG/DL,7029 +776364642,3135611,7003,3,Hgb,11.2,11.2,g/dL,GM/DL,7021 +776042047,3135611,-199,3,RDW,18.1,18.1,%,%,-141 +777898248,3135611,418,7,Base Excess,0.0,0,mEq/L,MEQ/L,425 +774175650,3135611,-985,1,anion gap,8.0,8,,mmol/L,-958 +775677653,3135611,5538,3,MCH,26.9,26.9,pg,PG,5553 +773177750,3135611,198,1,bicarbonate,28.0,28,mmol/L,mmol/L,270 +776078979,3135611,36,3,platelets x 1000,172.0,172,K/mcL,K/CMM,46 +772790196,3135611,5538,1,glucose,132.0,132,mg/dL,MG/DL,5567 +775002947,3135611,1248,3,MCV,87.0,87,fL,U3,1275 +776042049,3135611,-199,3,-monos,10.0,10,%,%,-141 +777898249,3135611,418,7,PEEP,10.0,10,cm H2O,cm H2O,562 +773938969,3135611,1248,1,calcium,8.9,8.9,mg/dL,MG/DL,1286 +776364648,3135611,7003,3,platelets x 1000,208.0,208,K/mcL,K/CMM,7021 +773177752,3135611,198,1,glucose,189.0,189,mg/dL,MG/DL,270 +776078978,3135611,36,3,MCHC,30.8,30.8,g/dL,GM/DL,46 +774370742,3135611,198,1,troponin - I,1.48,1.48,ng/mL,NG/ML,302 +775677652,3135611,5538,3,MCV,87.0,87,fL,U3,5553 +776042046,3135611,-199,3,WBC x 1000,9.0,9.0,K/mcL,K/CMM,-141 +777898247,3135611,418,7,pH,7.17,7.17,,,425 +772790190,3135611,5538,1,sodium,143.0,143,mmol/L,mmol/L,5567 +775002948,3135611,1248,3,Hgb,10.7,10.7,g/dL,GM/DL,1275 +773274593,3135611,198,1,CPK,72.0,72,Units/L,U/L,302 +776078977,3135611,36,3,MCH,27.4,27.4,pg,PG,46 +774601298,3135611,7003,1,sodium,142.0,142,mmol/L,mmol/L,7029 +776364646,3135611,7003,3,MCHC,31.5,31.5,g/dL,GM/DL,7021 +776042042,3135611,-199,3,Hct,39.0,39.0,%,%,-141 +777898246,3135611,418,7,paCO2,78.0,78,mm Hg,MMHG,425 +774175655,3135611,-985,1,chloride,100.0,100,mmol/L,mmol/L,-958 +775677651,3135611,5538,3,Hct,34.5,34.5,%,%,5553 +773135187,3135611,-199,1,phosphate,6.0,6.0,mg/dL,MG/DL,-159 +776078976,3135611,36,3,RDW,17.6,17.6,%,%,46 +772790195,3135611,5538,1,BUN,44.0,44,mg/dL,MG/DL,5567 +775002952,3135611,1248,3,MCHC,31.1,31.1,g/dL,GM/DL,1275 +776042044,3135611,-199,3,MCV,89.0,89,fL,U3,-141 +777898252,3135611,418,7,TV,500.0,500,mls,mls,1138 +773938967,3135611,1248,1,sodium,136.0,136,mmol/L,mmol/L,1286 +776364644,3135611,7003,3,MCV,87.0,87,fL,U3,7021 +773274594,3135611,198,1,CPK-MB,15.8,15.8,ng/mL,NG/ML,302 +776078974,3135611,36,3,Hgb,11.1,11.1,g/dL,GM/DL,46 +774307313,3135611,-199,1,anion gap,5.0,5,,mmol/L,-159 +775677654,3135611,5538,3,MCHC,31.1,31.1,g/dL,GM/DL,5553 +776042041,3135611,-199,3,-polys,83.0,83,%,%,-141 +777898251,3135611,418,7,Respiratory Rate,18.0,18,/min,/min,562 +772790194,3135611,5538,1,anion gap,6.0,6,,mmol/L,5567 +775002949,3135611,1248,3,WBC x 1000,7.9,7.9,K/mcL,K/CMM,1275 +773177754,3135611,198,1,BUN,32.0,32,mg/dL,MG/DL,270 +776078975,3135611,36,3,WBC x 1000,6.3,6.3,K/mcL,K/CMM,46 +774601304,3135611,7003,1,glucose,91.0,91,mg/dL,MG/DL,7029 +776364647,3135611,7003,3,RDW,17.1,17.1,%,%,7021 +777718468,3135611,-72,7,HCO3,35.0,35,mmol/L,MEQ/L,-67 +777898245,3135611,418,7,paO2,65.0,65,mm Hg,MMHG,425 +774175654,3135611,-985,1,glucose,95.0,95,mg/dL,MG/DL,-958 +775677650,3135611,5538,3,Hgb,10.7,10.7,g/dL,GM/DL,5553 +776042043,3135611,-199,3,-eos,0.0,0,%,%,-141 +776078972,3135611,36,3,Hct,36.1,36.1,%,%,46 +777208963,3135611,2121,4,bedside glucose,179.0,179,mg/dL,mg/dL,2121 +775002953,3135611,1248,3,platelets x 1000,169.0,169,K/mcL,K/CMM,1275 +777718471,3135611,-72,7,paCO2,92.0,92,mm Hg,MMHG,-67 +777898243,3135611,418,7,HCO3,29.0,29,mmol/L,MEQ/L,425 +773938966,3135611,1248,1,anion gap,6.0,6,,mmol/L,1286 +776364645,3135611,7003,3,MCH,27.2,27.2,pg,PG,7021 +773607501,3135611,-199,1,magnesium,2.3,2.3,mg/dL,MG/DL,-159 +776078973,3135611,36,3,MCV,89.0,89,fL,U3,46 +774307316,3135611,-199,1,calcium,9.3,9.3,mg/dL,MG/DL,-159 +775677649,3135611,5538,3,RBC,3.98,3.98,M/mcL,MIL/CMM,5553 +777718469,3135611,-72,7,FiO2,36.0,36,%,,-67 +777275112,3135611,418,4,bedside glucose,144.0,144,mg/dL,mg/dL,418 +772790197,3135611,5538,1,creatinine,1.85,1.85,mg/dL,MG/DL,5567 +775002944,3135611,1248,3,MPV,7.9,7.9,fL,fl,1275 +773523516,3135611,4043,1,bicarbonate,32.0,32,mmol/L,mmol/L,4066 +776078970,3135611,36,3,MPV,7.9,7.9,fL,fl,46 +776495505,3135611,2618,3,MCV,86.0,86,fL,U3,2635 +776954402,3135611,1259,4,bedside glucose,162.0,162,mg/dL,mg/dL,1259 +776364640,3135611,7003,3,WBC x 1000,6.9,6.9,K/mcL,K/CMM,7021 +776495504,3135611,2618,3,Hct,32.7,32.7,%,%,2635 +776042050,3135611,-199,3,MCHC,30.0,30.0,g/dL,GM/DL,-141 +777898244,3135611,418,7,FiO2,40.0,40,%,,425 +776495502,3135611,2618,3,MPV,7.4,7.4,fL,fl,2635 +774175652,3135611,-985,1,bicarbonate,32.0,32,mmol/L,mmol/L,-958 +775677648,3135611,5538,3,WBC x 1000,6.5,6.5,K/mcL,K/CMM,5553 +776495506,3135611,2618,3,Hgb,10.4,10.4,g/dL,GM/DL,2635 +773523514,3135611,4043,1,anion gap,7.0,7,,mmol/L,4066 +776078971,3135611,36,3,RBC,4.06,4.06,M/mcL,MIL/CMM,46 +776495503,3135611,2618,3,RBC,3.79,3.79,M/mcL,MIL/CMM,2635 +776922484,3135611,5003,4,bedside glucose,124.0,124,mg/dL,mg/dL,5003 +775002951,3135611,1248,3,MCH,27.0,27.0,pg,PG,1275 +776495507,3135611,2618,3,WBC x 1000,6.1,6.1,K/mcL,K/CMM,2635 +777718472,3135611,-72,7,pH,7.19,7.19,,,-67 +777125136,3135611,6233,4,bedside glucose,118.0,118,mg/dL,mg/dL,6233 +776495508,3135611,2618,3,RDW,17.1,17.1,%,%,2635 +773938970,3135611,1248,1,glucose,164.0,164,mg/dL,MG/DL,1286 +776364641,3135611,7003,3,RBC,4.12,4.12,M/mcL,MIL/CMM,7021 +776495509,3135611,2618,3,MCH,27.4,27.4,pg,PG,2635 +773523517,3135611,4043,1,calcium,9.3,9.3,mg/dL,MG/DL,4066 +776899254,3135611,1922,4,bedside glucose,148.0,148,mg/dL,mg/dL,1922 +776495510,3135611,2618,3,MCHC,31.7,31.7,g/dL,GM/DL,2635 +774307315,3135611,-199,1,bicarbonate,35.0,35,mmol/L,mmol/L,-159 +776875414,3135611,310,4,urinary specific gravity,1.028,1.028,,,348 +774830195,3135611,5863,2,Vancomycin - trough,12.0,12.0,mcg/mL,MCG/ML,5893 +773177753,3135611,198,1,chloride,100.0,100,mmol/L,mmol/L,270 +775677656,3135611,5538,3,platelets x 1000,201.0,201,K/mcL,K/CMM,5553 +776495511,3135611,2618,3,platelets x 1000,162.0,162,K/mcL,K/CMM,2635 +772790191,3135611,5538,1,potassium,4.8,4.8,mmol/L,mmol/L,5567 +775325027,3135611,4043,3,MCH,27.2,27.2,pg,PG,4053 +773523518,3135611,4043,1,glucose,159.0,159,mg/dL,MG/DL,4066 +774436386,3135611,36,1,glucose,125.0,125,mg/dL,MG/DL,60 +776926974,3135611,7066,4,bedside glucose,87.0,87,mg/dL,mg/dL,7066 +774790082,3135611,2618,1,anion gap,4.0,4,,mmol/L,2648 +777718473,3135611,-72,7,Base Excess,5.0,5,mEq/L,MEQ/L,-67 +775325028,3135611,4043,3,MCHC,31.5,31.5,g/dL,GM/DL,4053 +774175656,3135611,-985,1,BUN,25.0,25,mg/dL,MG/DL,-958 +774436384,3135611,36,1,bicarbonate,33.0,33,mmol/L,mmol/L,60 +773523519,3135611,4043,1,chloride,102.0,102,mmol/L,mmol/L,4066 +774790087,3135611,2618,1,chloride,104.0,104,mmol/L,mmol/L,2648 +777073927,3135611,3546,4,bedside glucose,135.0,135,mg/dL,mg/dL,3546 +775325029,3135611,4043,3,platelets x 1000,184.0,184,K/mcL,K/CMM,4053 +776042051,3135611,-199,3,platelets x 1000,209.0,209,K/mcL,K/CMM,-141 +774436382,3135611,36,1,anion gap,6.0,6,,mmol/L,60 +773938971,3135611,1248,1,chloride,102.0,102,mmol/L,mmol/L,1286 +774790086,3135611,2618,1,glucose,173.0,173,mg/dL,MG/DL,2648 +773523513,3135611,4043,1,creatinine,1.84,1.84,mg/dL,MG/DL,4066 +775325023,3135611,4043,3,MCV,86.0,86,fL,U3,4053 +774669132,3135611,3466,1,magnesium,2.4,2.4,mg/dL,MG/DL,3490 +774436383,3135611,36,1,sodium,138.0,138,mmol/L,mmol/L,60 +776877729,3135611,-78,4,bedside glucose,128.0,128,mg/dL,mg/dL,-78 +774790080,3135611,2618,1,potassium,4.7,4.7,mmol/L,mmol/L,2648 +772790198,3135611,5538,1,calcium,9.4,9.4,mg/dL,MG/DL,5567 +775325024,3135611,4043,3,Hgb,10.5,10.5,g/dL,GM/DL,4053 +773523515,3135611,4043,1,sodium,141.0,141,mmol/L,mmol/L,4066 +777580823,3135611,2688,7,Base Excess,4.0,4,mEq/L,MEQ/L,2822 +777026462,3135611,4197,4,bedside glucose,151.0,151,mg/dL,mg/dL,4197 +774436388,3135611,36,1,BUN,31.0,31,mg/dL,MG/DL,60 +773760220,3135611,198,1,magnesium,2.2,2.2,mg/dL,MG/DL,270 +777867660,3135611,1248,7,Respiratory Rate,18.0,18,/min,/min,2565 +774175653,3135611,-985,1,calcium,9.6,9.6,mg/dL,MG/DL,-958 +774790088,3135611,2618,1,BUN,43.0,43,mg/dL,MG/DL,2648 +773523520,3135611,4043,1,BUN,47.0,47,mg/dL,MG/DL,4066 +777867659,3135611,1248,7,TV,550.0,550,mls,mls,2565 +776878543,3135611,6427,4,bedside glucose,164.0,164,mg/dL,mg/dL,6427 +775325026,3135611,4043,3,RDW,17.1,17.1,%,%,4053 +777718470,3135611,-72,7,paO2,49.0,49,mm Hg,MMHG,-67 +777867658,3135611,1248,7,PEEP,10.0,10,cm H2O,cm H2O,2565 +773938965,3135611,1248,1,creatinine,2.19,2.19,mg/dL,MG/DL,1286 +774436381,3135611,36,1,creatinine,2.08,2.08,mg/dL,MG/DL,60 +773523512,3135611,4043,1,potassium,5.1,5.1,mmol/L,mmol/L,4066 +777867656,3135611,1248,7,pH,7.33,7.33,,,1359 +774190123,3135611,36,1,troponin - I,0.7,0.70,ng/mL,NG/ML,167 +774790085,3135611,2618,1,calcium,9.1,9.1,mg/dL,MG/DL,2648 +773391326,3135611,3466,1,creatinine,1.83,1.83,mg/dL,MG/DL,3490 +777867655,3135611,1248,7,paCO2,56.0,56,mm Hg,MMHG,1359 +776042045,3135611,-199,3,Hgb,11.7,11.7,g/dL,GM/DL,-141 +775325025,3135611,4043,3,WBC x 1000,7.4,7.4,K/mcL,K/CMM,4053 +772790192,3135611,5538,1,chloride,104.0,104,mmol/L,mmol/L,5567 +777867654,3135611,1248,7,paO2,93.0,93,mm Hg,MMHG,1359 +773391325,3135611,3466,1,potassium,4.6,4.6,mmol/L,mmol/L,3490 +774436387,3135611,36,1,chloride,99.0,99,mmol/L,mmol/L,60 +773611269,3135611,2618,1,magnesium,2.4,2.4,mg/dL,MG/DL,2648 +776731310,3135611,-199,3,-basos,0.0,0,%,%,-141 +773253545,3135611,1248,1,magnesium,2.1,2.1,mg/dL,MG/DL,1286 +777867653,3135611,1248,7,FiO2,40.0,40,%,,1359 +773391333,3135611,3466,1,BUN,46.0,46,mg/dL,MG/DL,3490 +776731309,3135611,-199,3,RBC,4.37,4.37,M/mcL,MIL/CMM,-141 +776143686,3135611,-985,3,MPV,7.2,7.2,fL,fl,-974 +774790083,3135611,2618,1,sodium,138.0,138,mmol/L,mmol/L,2648 +773391327,3135611,3466,1,anion gap,7.0,7,,mmol/L,3490 +776731307,3135611,-199,3,MPV,7.5,7.5,fL,fl,-141 +776143687,3135611,-985,3,-lymphs,19.0,19,%,%,-974 +777867652,3135611,1248,7,HCO3,29.0,29,mmol/L,MEQ/L,1359 +773319598,3135611,528,1,glucose,164.0,164,mg/dL,MG/DL,673 +776973590,3135611,3077,4,bedside glucose,191.0,191,mg/dL,mg/dL,3077 +776143700,3135611,-985,3,platelets x 1000,183.0,183,K/mcL,K/CMM,-974 +775325022,3135611,4043,3,Hct,33.3,33.3,%,%,4053 +773319592,3135611,528,1,potassium,5.4,5.4,mmol/L,mmol/L,673 +777473429,3135611,183,7,pH,7.24,7.24,,,187 +776143698,3135611,-985,3,-monos,9.0,9,%,%,-974 +777867657,3135611,1248,7,Base Excess,3.0,3,mEq/L,MEQ/L,1359 +773319596,3135611,528,1,bicarbonate,28.0,28,mmol/L,mmol/L,673 +776731308,3135611,-199,3,-lymphs,7.0,7,%,%,-141 +776143697,3135611,-985,3,MCH,27.0,27.0,pg,PG,-974 +774436380,3135611,36,1,potassium,5.7,5.7,mmol/L,mmol/L,60 +773391331,3135611,3466,1,glucose,142.0,142,mg/dL,MG/DL,3490 +776930434,3135611,1592,4,bedside glucose,122.0,122,mg/dL,mg/dL,1592 +776143699,3135611,-985,3,MCHC,30.9,30.9,g/dL,GM/DL,-974 +777580822,3135611,2688,7,pH,7.3,7.30,,,2822 +773319599,3135611,528,1,chloride,102.0,102,mmol/L,mmol/L,673 +777473430,3135611,183,7,Base Excess,1.0,1,mEq/L,MEQ/L,187 +776143695,3135611,-985,3,WBC x 1000,8.4,8.4,K/mcL,K/CMM,-974 +774790081,3135611,2618,1,creatinine,1.88,1.88,mg/dL,MG/DL,2648 +773319600,3135611,528,1,BUN,36.0,36,mg/dL,MG/DL,673 +777063140,3135611,3053,4,bedside glucose,151.0,151,mg/dL,mg/dL,3053 +776143694,3135611,-985,3,Hgb,12.2,12.2,g/dL,GM/DL,-974 +777580820,3135611,2688,7,paO2,77.0,77,mm Hg,MMHG,2822 +773319597,3135611,528,1,calcium,8.8,8.8,mg/dL,MG/DL,673 +777473428,3135611,183,7,paCO2,68.0,68,mm Hg,MMHG,187 +776143688,3135611,-985,3,RBC,4.51,4.51,M/mcL,MIL/CMM,-974 +775325020,3135611,4043,3,MPV,7.6,7.6,fL,fl,4053 +773391332,3135611,3466,1,chloride,103.0,103,mmol/L,mmol/L,3490 +777260607,3135611,5985,4,bedside glucose,139.0,139,mg/dL,mg/dL,5985 +776143696,3135611,-985,3,RDW,17.8,17.8,%,%,-974 +777580818,3135611,2688,7,HCO3,31.0,31,mmol/L,MEQ/L,2822 +773391329,3135611,3466,1,bicarbonate,31.0,31,mmol/L,mmol/L,3490 +777473426,3135611,183,7,FiO2,60.0,60,%,,187 +776143690,3135611,-985,3,-polys,71.0,71,%,%,-974 +774436385,3135611,36,1,calcium,8.9,8.9,mg/dL,MG/DL,60 +773319593,3135611,528,1,creatinine,2.34,2.34,mg/dL,MG/DL,673 +777246187,3135611,7364,4,bedside glucose,85.0,85,mg/dL,mg/dL,7364 +777580821,3135611,2688,7,paCO2,63.0,63,mm Hg,MMHG,2822 +773391328,3135611,3466,1,sodium,141.0,141,mmol/L,mmol/L,3490 +777473427,3135611,183,7,paO2,56.0,56,mm Hg,MMHG,187 +776143689,3135611,-985,3,-basos,0.0,0,%,%,-974 +774790084,3135611,2618,1,bicarbonate,30.0,30,mmol/L,mmol/L,2648 +773391330,3135611,3466,1,calcium,9.3,9.3,mg/dL,MG/DL,3490 +777278591,3135611,4492,4,bedside glucose,197.0,197,mg/dL,mg/dL,4492 +776143691,3135611,-985,3,Hct,39.4,39.4,%,%,-974 +777580819,3135611,2688,7,FiO2,40.0,40,%,,2822 +773319594,3135611,528,1,anion gap,6.0,6,,mmol/L,673 +777473425,3135611,183,7,HCO3,29.0,29,mmol/L,MEQ/L,187 +772745577,3135611,-985,1,lactate,1.0,1.0,mmol/L,MMOL/L,-955 +775325021,3135611,4043,3,RBC,3.85,3.85,M/mcL,MIL/CMM,4053 +777345509,3135611,741,4,bedside glucose,189.0,189,mg/dL,mg/dL,741 +777096377,3135611,2338,4,bedside glucose,170.0,170,mg/dL,mg/dL,2338 +776143692,3135611,-985,3,-eos,1.0,1,%,%,-974 +777155522,3135611,5637,4,bedside glucose,125.0,125,mg/dL,mg/dL,5637 +773319595,3135611,528,1,sodium,136.0,136,mmol/L,mmol/L,673 +774101787,3135611,-737,1,prealbumin,9.2,9.2,mg/dL,MG/DL,-713 +776143693,3135611,-985,3,MCV,87.0,87,fL,U3,-974 +419977718,1795300,1787,1,potassium,5.5,5.5,mmol/L,mmol/L,1847 +419977719,1795300,1787,1,creatinine,3.02,3.02,mg/dL,mg/dL,1847 +419977724,1795300,1787,1,chloride,116.0,116,mmol/L,mmol/L,1847 +419977721,1795300,1787,1,sodium,145.0,145,mmol/L,mmol/L,1847 +419977723,1795300,1787,1,glucose,143.0,143 ,mg/dL,mg/dL,1847 +441772154,1795300,5287,3,-polys,85.0,85,%,%,5447 +419977720,1795300,1787,1,anion gap,15.0,15,,mmol/L,1847 +419173528,1795300,2507,1,calcium,7.9,7.9,mg/dL,mg/dL,2557 +441772153,1795300,5287,3,-basos,0.0,0,%,%,5447 +419173529,1795300,2507,1,ALT (SGPT),40.0,40,Units/L,IU/L,2557 +419977722,1795300,1787,1,calcium,8.2,8.2,mg/dL,mg/dL,1847 +419173525,1795300,2507,1,sodium,144.0,144,mmol/L,mmol/L,2557 +441772156,1795300,5287,3,-bands,7.0,7,%,%,5447 +435589730,1795300,4427,3,MPV,9.0,9.0,fL,fL,4452 +419173530,1795300,2507,1,glucose,145.0,145 ,mg/dL,mg/dL,2557 +435589744,1795300,4427,3,platelets x 1000,101.0,101,K/mcL,k/mm cu,4452 +443994756,1795300,527,4,bedside glucose,121.0,121 ,mg/dL,mg/dL,1195 +435589735,1795300,4427,3,Hct,25.7,25.7,%,%,4452 +419173522,1795300,2507,1,alkaline phos.,113.0,113,Units/L,IU/L,2557 +441723507,1795300,-148,3,MCV,100.6,100.6,fL,fL,-134 +424293293,1795300,5287,1,total bilirubin,1.1,1.1,mg/dL,mg/dL,5349 +441723506,1795300,-148,3,-bands,17.0,17,%,%,-98 +441772155,1795300,5287,3,-eos,0.0,0,%,%,5447 +441723505,1795300,-148,3,Hct,36.3,36.3,%,%,-134 +435589738,1795300,4427,3,Hgb,8.8,8.8,g/dL,g/dL,4452 +441723504,1795300,-148,3,-polys,79.0,79,%,%,-98 +419173531,1795300,2507,1,chloride,119.0,119,mmol/L,mmol/L,2557 +441723503,1795300,-148,3,RBC,3.61,3.61,M/mcL,m/mm cu,-134 +439818441,1795300,3827,3,RDW,18.5,18.5,%,%,3857 +441723502,1795300,-148,3,-lymphs,1.0,1,%,%,-98 +424293294,1795300,5287,1,potassium,3.6,3.6,mmol/L,mmol/L,5349 +441723501,1795300,-148,3,MPV,8.0,8.0,fL,fL,-134 +443142874,1795300,1985,4,bedside glucose,142.0,142 ,mg/dL,mg/dL,1987 +425056164,1795300,1427,1,creatinine,2.68,2.68,mg/dL,mg/dL,1491 +439818436,1795300,3827,3,Hct,23.5,23.5,%,%,3857 +441723508,1795300,-148,3,Hgb,12.0,12.0,g/dL,g/dL,-134 +434414159,1795300,4427,3,-monos,8.0,8,%,%,4685 +425056163,1795300,1427,1,potassium,5.0,5.0,mmol/L,mmol/L,1491 +419173519,1795300,2507,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,2557 +441723509,1795300,-148,3,WBC x 1000,19.3,19.3 ,K/mcL,k/mm cu,-134 +439818438,1795300,3827,3,MCV,96.0,96.0,fL,fL,3857 +425056165,1795300,1427,1,anion gap,16.0,16,,mmol/L,1491 +424293306,1795300,5287,1,BUN,51.0,51,mg/dL,mg/dL,5349 +441723510,1795300,-148,3,RDW,15.6,15.6,%,%,-134 +441772157,1795300,5287,3,-monos,4.0,4,%,%,5447 +425056166,1795300,1427,1,sodium,143.0,143,mmol/L,mmol/L,1491 +439818439,1795300,3827,3,Hgb,8.1,8.1,g/dL,g/dL,3857 +441723513,1795300,-148,3,MCHC,32.9,32.9,g/dL,%,-134 +435589737,1795300,4427,3,MCV,95.7,95.7,fL,fL,4452 +424962142,1795300,1427,1,troponin - T,0.38,0.38 ,ng/mL,ng/ml,1493 +419173523,1795300,2507,1,anion gap,11.0,11,,mmol/L,2557 +441723514,1795300,-148,3,platelets x 1000,166.0,166,K/mcL,k/mm cu,-134 +445089223,1795300,5686,4,bedside glucose,163.0,163 ,mg/dL,mg/dL,5687 +425056167,1795300,1427,1,calcium,8.0,8.0,mg/dL,mg/dL,1491 +424293305,1795300,5287,1,chloride,112.0,112,mmol/L,mmol/L,5349 +441723511,1795300,-148,3,MCH,33.1,33.1,pg,pg,-134 +443957063,1795300,4257,4,bedside glucose,138.0,138 ,mg/dL,mg/dL,4259 +419469403,1795300,512,1,BUN,27.0,27,mg/dL,mg/dL,545 +429712956,1795300,1787,3,MPV,8.8,8.8,fL,fL,1851 +439818440,1795300,3827,3,WBC x 1000,13.0,13.0 ,K/mcL,k/mm cu,3857 +429712966,1795300,1787,3,MCH,34.4,34.4,pg,pg,1851 +425056170,1795300,1427,1,BUN,38.0,38,mg/dL,mg/dL,1491 +429712968,1795300,1787,3,MCHC,34.3,34.3,g/dL,%,1851 +434414158,1795300,4427,3,-bands,3.0,3,%,%,4685 +429712969,1795300,1787,3,platelets x 1000,94.0,94,K/mcL,k/mm cu,1851 +419469402,1795300,512,1,chloride,113.0,113,mmol/L,mmol/L,545 +429712965,1795300,1787,3,RDW,16.1,16.1,%,%,1851 +419173532,1795300,2507,1,BUN,44.0,44,mg/dL,mg/dL,2557 +429712961,1795300,1787,3,-bands,6.0,6,%,%,1958 +441723512,1795300,-148,3,-monos,3.0,3,%,%,-98 +416712337,1795300,2147,1,BUN,43.0,43,mg/dL,mg/dL,2183 +442521812,1795300,3827,3,PT - INR,1.8,1.8,ratio,,3896 +429712960,1795300,1787,3,Hct,22.9,22.9,%,%,1851 +419469401,1795300,512,1,glucose,119.0,119 ,mg/dL,mg/dL,545 +416712336,1795300,2147,1,chloride,119.0,119,mmol/L,mmol/L,2183 +424293304,1795300,5287,1,glucose,155.0,155 ,mg/dL,mg/dL,5349 +430487235,1795300,1427,3,Hct,24.5,24.5,%,%,1481 +434888467,1795300,3827,3,-lymphs,7.0,7,%,%,4017 +429712958,1795300,1787,3,RBC,2.28,2.28,M/mcL,m/mm cu,1851 +460565551,1795300,5287,7,Total CO2,25.0,25,,mmol/L,5349 +430487236,1795300,1427,3,-bands,5.0,5,%,%,1532 +419469390,1795300,512,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,545 +416712334,1795300,2147,1,calcium,7.8,7.8,mg/dL,mg/dL,2183 +439818445,1795300,3827,3,platelets x 1000,77.0,77,K/mcL,k/mm cu,3857 +430487237,1795300,1427,3,MCV,101.0,101.0,fL,fL,1481 +430936651,1795300,2147,3,Hct,21.0,21.0,%,%,2178 +429712959,1795300,1787,3,-polys,83.0,83,%,%,1958 +435589739,1795300,4427,3,WBC x 1000,13.8,13.8 ,K/mcL,k/mm cu,4452 +430487234,1795300,1427,3,-polys,81.0,81,%,%,1532 +419469398,1795300,512,1,total protein,5.1,5.1,g/dL,g/dL,545 +416712335,1795300,2147,1,glucose,137.0,137 ,mg/dL,mg/dL,2183 +419173520,1795300,2507,1,potassium,4.6,4.6,mmol/L,mmol/L,2557 +430487239,1795300,1427,3,WBC x 1000,15.9,15.9 ,K/mcL,k/mm cu,1481 +434888468,1795300,3827,3,-basos,0.0,0,%,%,4017 +429712962,1795300,1787,3,MCV,100.5,100.5,fL,fL,1851 +444948453,1795300,1375,4,bedside glucose,190.0,190 ,mg/dL,mg/dL,1377 +430487233,1795300,1427,3,RBC,2.43,2.43,M/mcL,m/mm cu,1481 +419469400,1795300,512,1,ALT (SGPT),22.0,22,Units/L,IU/L,545 +416712331,1795300,2147,1,creatinine,2.51,2.51,mg/dL,mg/dL,2183 +424293302,1795300,5287,1,calcium,8.2,8.2,mg/dL,mg/dL,5349 +430487231,1795300,1427,3,MPV,9.1,9.1,fL,fL,1481 +425056168,1795300,1427,1,glucose,186.0,186 ,mg/dL,mg/dL,1491 +438984015,1795300,5287,3,Hgb,8.8,8.8,g/dL,g/dL,5325 +429712963,1795300,1787,3,Hgb,7.9,7.9,g/dL,g/dL,1851 +419977725,1795300,1787,1,BUN,43.0,43,mg/dL,mg/dL,1847 +438984016,1795300,5287,3,WBC x 1000,15.4,15.4 ,K/mcL,k/mm cu,5325 +430487232,1795300,1427,3,-lymphs,5.0,5,%,%,1532 +419469399,1795300,512,1,calcium,8.4,8.4,mg/dL,mg/dL,545 +438984017,1795300,5287,3,RDW,18.8,18.8,%,%,5325 +416712332,1795300,2147,1,anion gap,13.0,13,,mmol/L,2183 +439818442,1795300,3827,3,MCH,32.9,32.9,pg,pg,3857 +438984014,1795300,5287,3,MCV,96.1,96.1,fL,fL,5325 +430487240,1795300,1427,3,RDW,16.0,16.0,%,%,1481 +434888469,1795300,3827,3,-polys,78.0,78,%,%,4017 +438984012,1795300,5287,3,Hct,25.8,25.8,%,%,5325 +429712957,1795300,1787,3,-lymphs,4.0,4,%,%,1958 +434414157,1795300,4427,3,-eos,0.0,0,%,%,4685 +438984018,1795300,5287,3,MCH,32.8,32.8,pg,pg,5325 +430487243,1795300,1427,3,MCHC,33.8,33.8,g/dL,%,1481 +419469395,1795300,512,1,AST (SGOT),32.0,32,Units/L,IU/L,545 +438984021,1795300,5287,3,platelets x 1000,116.0,116,K/mcL,k/mm cu,5325 +416712330,1795300,2147,1,potassium,4.4,4.4,mmol/L,mmol/L,2194 +419173521,1795300,2507,1,creatinine,2.33,2.33,mg/dL,mg/dL,2557 +438984020,1795300,5287,3,MCHC,34.2,34.2,g/dL,%,5325 +430487242,1795300,1427,3,-monos,7.0,7,%,%,1532 +460491874,1795300,122,7,Total CO2,20.0,20,,mmol/L,184 +438984009,1795300,5287,3,RBC,2.68,2.68,M/mcL,m/mm cu,5325 +420167200,1795300,1667,1,chloride,114.0,114,mmol/L,mmol/L,1720 +442521811,1795300,3827,3,PT,18.1,18.1 ,sec,sec,3896 +440554556,1795300,2507,3,platelets x 1000,83.0,83,K/mcL,k/mm cu,2535 +429712967,1795300,1787,3,-monos,7.0,7,%,%,1958 +419469391,1795300,512,1,potassium,5.1,5.1,mmol/L,mmol/L,545 +438984007,1795300,5287,3,MPV,8.9,8.9,fL,fL,5325 +420167194,1795300,1667,1,potassium,4.9,4.9,mmol/L,mmol/L,1720 +424293303,1795300,5287,1,ALT (SGPT),66.0,66,Units/L,IU/L,5349 +440554544,1795300,2507,3,RBC,2.71,2.71,M/mcL,m/mm cu,2535 +430487244,1795300,1427,3,platelets x 1000,92.0,92,K/mcL,k/mm cu,1481 +434888471,1795300,3827,3,-bands,4.0,4,%,%,4017 +439071102,1795300,1007,3,RDW,16.3,16.3,%,%,1087 +420167195,1795300,1667,1,creatinine,2.79,2.79,mg/dL,mg/dL,1720 +441772152,1795300,5287,3,-lymphs,3.0,3,%,%,5447 +440554542,1795300,2507,3,MPV,8.7,8.7,fL,fL,2535 +416712333,1795300,2147,1,sodium,144.0,144,mmol/L,mmol/L,2183 +419469396,1795300,512,1,sodium,142.0,142,mmol/L,mmol/L,545 +439071101,1795300,1007,3,WBC x 1000,17.6,17.6 ,K/mcL,k/mm cu,1087 +420167197,1795300,1667,1,sodium,144.0,144,mmol/L,mmol/L,1720 +439829392,1795300,3827,3,PTT,38.0,38 ,sec,sec,3867 +440779745,1795300,5287,3,PTT,37.0,37 ,sec,sec,5325 +437144376,1795300,1007,3,-monos,11.0,11,%,%,1148 +430936652,1795300,2147,3,Hgb,7.1,7.1 ,g/dL,g/dL,2178 +439071103,1795300,1007,3,MCH,34.1,34.1,pg,pg,1087 +430487238,1795300,1427,3,Hgb,8.3,8.3,g/dL,g/dL,1481 +435589740,1795300,4427,3,RDW,18.9,18.9,%,%,4452 +440554547,1795300,2507,3,Hct,26.1,26.1,%,%,2535 +437144374,1795300,1007,3,-eos,0.0,0,%,%,1148 +419469397,1795300,512,1,albumin,3.0,3.0,g/dL,g/dL,545 +439071106,1795300,1007,3,platelets x 1000,98.0,98,K/mcL,k/mm cu,1087 +420167196,1795300,1667,1,anion gap,17.0,17,,mmol/L,1720 +419173526,1795300,2507,1,albumin,2.8,2.8,g/dL,g/dL,2557 +440554552,1795300,2507,3,RDW,18.6,18.6,%,%,2535 +437144375,1795300,1007,3,-bands,8.0,8,%,%,1148 +434888472,1795300,3827,3,-monos,11.0,11,%,%,4017 +439071105,1795300,1007,3,MCHC,33.9,33.9,g/dL,%,1087 +429712964,1795300,1787,3,WBC x 1000,16.2,16.2 ,K/mcL,k/mm cu,1851 +459621949,1795300,1667,7,Total CO2,13.0,13,,mmol/L,1720 +440554553,1795300,2507,3,MCH,33.6,33.6,pg,pg,2535 +420214225,1795300,-148,1,CPK-MB,8.4,8.4,ng/mL,ng/mL,-125 +419469393,1795300,512,1,alkaline phos.,59.0,59,Units/L,IU/L,545 +439071092,1795300,1007,3,MPV,8.8,8.8,fL,fL,1087 +420167198,1795300,1667,1,calcium,8.0,8.0,mg/dL,mg/dL,1720 +424293295,1795300,5287,1,creatinine,1.66,1.66,mg/dL,mg/dL,5349 +440554551,1795300,2507,3,WBC x 1000,23.0,23.0 ,K/mcL,k/mm cu,2535 +437144371,1795300,1007,3,-lymphs,3.0,3,%,%,1148 +425056169,1795300,1427,1,chloride,113.0,113,mmol/L,mmol/L,1491 +439071094,1795300,1007,3,RBC,2.59,2.59,M/mcL,m/mm cu,1087 +430487241,1795300,1427,3,MCH,34.1,34.1,pg,pg,1481 +430766717,1795300,1117,3,Vitamin B12,416.0,416 ,pg/mL,pg/mL,1886 +440554550,1795300,2507,3,Hgb,9.1,9.1,g/dL,g/dL,2535 +420214223,1795300,-148,1,CPK-MB INDEX,0.9,0.9,%,%,-116 +419469394,1795300,512,1,anion gap,11.0,11,,mmol/L,545 +439071097,1795300,1007,3,Hct,26.0,26.0,%,%,1087 +420167199,1795300,1667,1,glucose,141.0,141 ,mg/dL,mg/dL,1720 +439818444,1795300,3827,3,MCHC,34.3,34.3,g/dL,%,3857 +440554549,1795300,2507,3,MCV,96.4,96.4,fL,fL,2535 +437144372,1795300,1007,3,-basos,0.0,0,%,%,1148 +459578912,1795300,1787,7,Total CO2,14.0,14,,mmol/L,1847 +439071099,1795300,1007,3,MCV,100.6,100.6,fL,fL,1087 +444460448,1795300,-148,4,BNP,451.0,451 ,pg/mL,pg/mL,137 +434888470,1795300,3827,3,-eos,0.0,0,%,%,4017 +440554555,1795300,2507,3,MCHC,34.9,34.9,g/dL,%,2535 +420214224,1795300,-148,1,CPK,926.0,926 ,Units/L,IU/L,-118 +434414155,1795300,4427,3,-basos,0.0,0,%,%,4685 +439071100,1795300,1007,3,Hgb,8.8,8.8,g/dL,g/dL,1087 +420167201,1795300,1667,1,BUN,41.0,41,mg/dL,mg/dL,1720 +427836663,1795300,3287,2,Vancomycin - trough,6.1,6.1 ,mcg/mL,mcg/mL,3314 +461241311,1795300,1007,7,Total CO2,18.0,18,,mmol/L,1069 +437144373,1795300,1007,3,-polys,76.0,76 ,%,%,1148 +458829848,1795300,2147,7,Total CO2,12.0,12,,mmol/L,2183 +427268157,1795300,1007,1,potassium,5.6,5.6,mmol/L,mmol/L,1069 +419173524,1795300,2507,1,AST (SGOT),67.0,67,Units/L,IU/L,2557 +427268156,1795300,1007,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,1069 +444745498,1795300,3171,4,bedside glucose,116.0,116 ,mg/dL,mg/dL,3173 +427268158,1795300,1007,1,creatinine,2.29,2.29,mg/dL,mg/dL,1069 +419469392,1795300,512,1,creatinine,1.77,1.77,mg/dL,mg/dL,545 +427268169,1795300,1007,1,BUN,33.0,33,mg/dL,mg/dL,1069 +443473344,1795300,1704,4,bedside glucose,152.0,152 ,mg/dL,mg/dL,1705 +424420099,1795300,-148,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-118 +427836662,1795300,1667,2,Vancomycin - random,9.2,9.2 ,mcg/mL,mcg/mL,1722 +427268168,1795300,1007,1,chloride,112.0,112,mmol/L,mmol/L,1069 +424293297,1795300,5287,1,anion gap,11.0,11,,mmol/L,5349 +424420111,1795300,-148,1,chloride,106.0,106,mmol/L,mmol/L,-118 +419265920,1795300,3827,1,glucose,162.0,162 ,mg/dL,mg/dL,3873 +427268163,1795300,1007,1,albumin,3.0,3.0,g/dL,g/dL,1069 +460594408,1795300,-148,7,Total CO2,22.0,22,,mmol/L,-118 +424420112,1795300,-148,1,BUN,24.0,24,mg/dL,mg/dL,-118 +419265921,1795300,3827,1,chloride,115.0,115,mmol/L,mmol/L,3873 +427268159,1795300,1007,1,alkaline phos.,56.0,56,Units/L,IU/L,1069 +439818431,1795300,3827,3,MPV,8.9,8.9,fL,fL,3857 +424420109,1795300,-148,1,ALT (SGPT),26.0,26,Units/L,IU/L,-118 +419265918,1795300,3827,1,calcium,8.1,8.1,mg/dL,mg/dL,3873 +427268164,1795300,1007,1,total protein,5.2,5.2,g/dL,g/dL,1069 +435589741,1795300,4427,3,MCH,32.6,32.6,pg,pg,4452 +424420108,1795300,-148,1,calcium,9.6,9.6,mg/dL,mg/dL,-118 +419265919,1795300,3827,1,ALT (SGPT),39.0,39,Units/L,IU/L,3873 +427268165,1795300,1007,1,calcium,8.3,8.3,mg/dL,mg/dL,1069 +419173527,1795300,2507,1,total protein,4.9,4.9,g/dL,g/dL,2557 +424420110,1795300,-148,1,glucose,190.0,190 ,mg/dL,mg/dL,-118 +419265922,1795300,3827,1,BUN,41.0,41,mg/dL,mg/dL,3873 +427268160,1795300,1007,1,anion gap,12.0,12,,mmol/L,1069 +442682486,1795300,1427,4,urinary sodium,42.0,42 ,mmol/L,mmol/L,1476 +423968930,1795300,122,1,calcium,8.0,8.0,mg/dL,mg/dL,203 +419265915,1795300,3827,1,sodium,147.0,147,mmol/L,mmol/L,3873 +436716726,1795300,2507,3,PT,28.7,28.7 ,sec,sec,2542 +424293298,1795300,5287,1,AST (SGOT),76.0,76,Units/L,IU/L,5349 +424420105,1795300,-148,1,sodium,142.0,142,mmol/L,mmol/L,-118 +429580634,1795300,1007,3,PT - INR,3.0,3.0,ratio,,1068 +427268166,1795300,1007,1,ALT (SGPT),21.0,21,Units/L,IU/L,1069 +441920089,1795300,1007,3,PTT,39.0,39 ,sec,sec,1068 +423968928,1795300,122,1,anion gap,11.0,11,,mmol/L,184 +419265916,1795300,3827,1,albumin,2.7,2.7,g/dL,g/dL,3873 +428708845,1795300,5287,3,PT - INR,1.7,1.7,ratio,,5325 +439818433,1795300,3827,3,RBC,2.45,2.45,M/mcL,m/mm cu,3857 +424420104,1795300,-148,1,AST (SGOT),29.0,29,Units/L,IU/L,-118 +429580633,1795300,1007,3,PT,30.8,30.8 ,sec,sec,1068 +427268161,1795300,1007,1,AST (SGOT),42.0,42,Units/L,IU/L,1069 +434414154,1795300,4427,3,-lymphs,7.0,7,%,%,4685 +423968929,1795300,122,1,sodium,140.0,140,mmol/L,mmol/L,184 +419265912,1795300,3827,1,alkaline phos.,130.0,130,Units/L,IU/L,3873 +436716727,1795300,2507,3,PT - INR,2.8,2.8,ratio,,2542 +460975875,1795300,1670,7,Methemoglobin,0.3,0.3,%,%,1683 +424420106,1795300,-148,1,albumin,3.7,3.7,g/dL,g/dL,-118 +429546900,1795300,2507,3,-bands,9.0,9,%,%,2763 +427268167,1795300,1007,1,glucose,136.0,136 ,mg/dL,mg/dL,1069 +424293299,1795300,5287,1,sodium,148.0,148,mmol/L,mmol/L,5349 +423968933,1795300,122,1,BUN,24.0,24,mg/dL,mg/dL,184 +419265913,1795300,3827,1,anion gap,8.0,8,,mmol/L,3873 +459417043,1795300,3827,7,Total CO2,24.0,24,,mmol/L,3873 +460975876,1795300,1670,7,paO2,102.3,102.3,mm Hg,mmHg,1683 +427836665,1795300,2137,2,Acetaminophen,,<15.0 ,mcg/mL,mcg/mL,2194 +429546901,1795300,2507,3,-monos,1.0,1,%,%,2763 +424420103,1795300,-148,1,anion gap,14.0,14,,mmol/L,-118 +435589743,1795300,4427,3,MCHC,34.1,34.1,g/dL,%,4452 +428708844,1795300,5287,3,PT,17.7,17.7 ,sec,sec,5325 +419265914,1795300,3827,1,AST (SGOT),48.0,48,Units/L,IU/L,3873 +427836664,1795300,2137,2,salicylate,,<0.3 ,mg/dL,mg/dL,2194 +460975877,1795300,1670,7,Carboxyhemoglobin,0.5,0.5,%,%,1683 +423968932,1795300,122,1,chloride,109.0,109,mmol/L,mmol/L,184 +429546897,1795300,2507,3,-basos,0.0,0,%,%,2763 +427268162,1795300,1007,1,sodium,142.0,142,mmol/L,mmol/L,1069 +424293300,1795300,5287,1,albumin,2.6,2.6,g/dL,g/dL,5349 +460738505,1795300,1427,7,Total CO2,14.0,14,,mmol/L,1491 +419265911,1795300,3827,1,creatinine,1.73,1.73,mg/dL,mg/dL,3873 +424420101,1795300,-148,1,creatinine,1.57,1.57,mg/dL,mg/dL,-118 +460975874,1795300,1670,7,Base Deficit,10.6,10.6,mEq/L,mmol/L,1683 +459463435,1795300,512,7,Total CO2,18.0,18,,mmol/L,545 +429546899,1795300,2507,3,-eos,0.0,0,%,%,2763 +423968927,1795300,122,1,creatinine,1.41,1.41,mg/dL,mg/dL,184 +434414156,1795300,4427,3,-polys,82.0,82 ,%,%,4685 +426686570,1795300,2147,1,troponin - T,0.29,0.29 ,ng/mL,ng/ml,2186 +419265910,1795300,3827,1,potassium,4.0,4.0,mmol/L,mmol/L,3873 +424420102,1795300,-148,1,alkaline phos.,81.0,81,Units/L,IU/L,-118 +460975878,1795300,1670,7,paCO2,18.9,18.9,mm Hg,mmHg,1683 +445146530,1795300,5028,4,bedside glucose,152.0,152 ,mg/dL,mg/dL,5032 +429546898,1795300,2507,3,-polys,88.0,88 ,%,%,2763 +439156091,1795300,-148,3,PT,22.5,22.5 ,sec,sec,-133 +424293301,1795300,5287,1,total protein,4.8,4.8,g/dL,g/dL,5349 +424107029,1795300,1787,1,troponin - T,0.41,0.41 ,ng/mL,ng/ml,1848 +419265917,1795300,3827,1,total protein,4.6,4.6,g/dL,g/dL,3873 +423968931,1795300,122,1,glucose,184.0,184 ,mg/dL,mg/dL,184 +460975873,1795300,1670,7,HCO3,11.0,11,mmol/L,mmol/L,1683 +442323192,1795300,1117,3,Ferritin,141.0,141 ,ng/mL,ng/mL,1858 +445508778,1795300,-88,4,24 h urine protein,100.0,100,mg/24HR,mg/dL,-33 +424420107,1795300,-148,1,total protein,6.3,6.3,g/dL,g/dL,-118 +435589732,1795300,4427,3,RBC,2.69,2.69,M/mcL,m/mm cu,4452 +445568850,1795300,1937,4,urinary sodium,61.0,61 ,mmol/L,mmol/L,2005 +429546896,1795300,2507,3,-lymphs,2.0,2,%,%,2763 +439156092,1795300,-148,3,PT - INR,2.2,2.2,ratio,,-133 +460975879,1795300,1670,7,pH,7.4,7.40,,,1683 +443390539,1795300,390,4,bedside glucose,107.0,107 ,mg/dL,mg/dL,392 +419265909,1795300,3827,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,3873 +423968926,1795300,122,1,potassium,5.6,5.6,mmol/L,mmol/L,184 +424293296,1795300,5287,1,alkaline phos.,173.0,173,Units/L,IU/L,5349 +459395769,1795300,2507,7,Total CO2,14.0,14,,mmol/L,2557 +445508777,1795300,-88,4,urinary specific gravity,1.02,1.020,,,-33 +424420100,1795300,-148,1,potassium,5.3,5.3,mmol/L,mmol/L,-118 +444331523,1795300,2825,4,bedside glucose,160.0,160 ,mg/dL,mg/dL,2845 +445379995,1795300,4576,4,bedside glucose,136.0,136 ,mg/dL,mg/dL,4578 +443691406,1795300,5287,4,BNP,2160.0,2160 ,pg/mL,pg/mL,5528 +437587774,1795300,2507,3,PTT,43.0,43 ,sec,sec,2542 +434026523,1856168,815,3,RDW,14.1,14.1,%,%,869 +440494896,1856168,13790,3,RBC,4.77,4.77,M/mcL,M/CMM,13845 +434026522,1856168,815,3,WBC x 1000,10.3,10.3,K/mcL,K/CMM,869 +440494897,1856168,13790,3,-basos,1.0,1,%,%,13923 +434026521,1856168,815,3,Hgb,16.0,16.0,g/dL,G/DL,869 +440494898,1856168,13790,3,-polys,52.0,52,%,%,13923 +434026524,1856168,815,3,MCH,29.8,29.8,pg,PG,869 +440494899,1856168,13790,3,Hct,44.0,44.0,%,%,13845 +434026525,1856168,815,3,-monos,13.0,13,%,%,869 +440494907,1856168,13790,3,MCHC,32.5,32.5,g/dL,%,13845 +434026520,1856168,815,3,MCV,94.0,94,fL,FL,869 +440494908,1856168,13790,3,platelets x 1000,313.0,313,K/mcL,K/CMM,13845 +434026526,1856168,815,3,MCHC,31.9,31.9,g/dL,%,869 +440494903,1856168,13790,3,WBC x 1000,14.1,14.1,K/mcL,K/CMM,13845 +434026519,1856168,815,3,-eos,0.0,0,%,%,869 +440494904,1856168,13790,3,RDW,14.5,14.5,%,%,13845 +434026527,1856168,815,3,platelets x 1000,226.0,226,K/mcL,K/CMM,869 +460937074,1856168,2405,7,Oxyhemoglobin,97.0,97,%,%,2411 +440494905,1856168,13790,3,MCH,30.0,30.0,pg,PG,13845 +460937073,1856168,2405,7,paCO2,42.0,42,mm Hg,MMHG,2411 +434026518,1856168,815,3,Hct,50.2,50.2,%,%,869 +460937071,1856168,2405,7,FiO2,30.0,30,%,%,2416 +440494906,1856168,13790,3,-monos,26.0,26,%,%,13923 +460937069,1856168,2405,7,Total CO2,28.0,28,,MEQ/L,2411 +434026515,1856168,815,3,RBC,5.37,5.37,M/mcL,M/CMM,869 +460937070,1856168,2405,7,HCO3,26.0,26,mmol/L,MEQ/L,2411 +440494900,1856168,13790,3,-eos,1.0,1,%,,13923 +460937072,1856168,2405,7,paO2,78.0,78,mm Hg,MMHG,2411 +434026514,1856168,815,3,-lymphs,33.0,33,%,%,869 +426334636,1856168,2317,1,BUN,15.0,15,mg/dL,MG/DL,2369 +440494901,1856168,13790,3,MCV,92.0,92,fL,FL,13845 +460937075,1856168,2405,7,pH,7.41,7.41,,,2411 +434026516,1856168,815,3,-basos,0.0,0,%,%,869 +426334635,1856168,2317,1,chloride,95.0,95,mmol/L,MEQ/L,2369 +440494895,1856168,13790,3,-lymphs,20.0,20,%,%,13923 +460937076,1856168,2405,7,Base Excess,1.8,1.8,mEq/L,,2411 +434026517,1856168,815,3,-polys,54.0,54,%,%,869 +443072497,1856168,13461,4,bedside glucose,122.0,122,mg/dL,MG/DL,13487 +437832853,1856168,19515,3,RBC,3.96,3.96,M/mcL,M/CMM,19527 +426334631,1856168,2317,1,sodium,133.0,133,mmol/L,MEQ/L,2369 +440494902,1856168,13790,3,Hgb,14.3,14.3,g/dL,G/DL,13845 +428223684,1856168,6604,3,RDW,14.8,14.8,%,%,6636 +437832852,1856168,19515,3,-lymphs,19.0,19,%,%,19527 +426334630,1856168,2317,1,creatinine,0.9,0.9,mg/dL,MG/DL,2369 +433605882,1856168,10899,3,Hgb,14.6,14.6,g/dL,G/DL,10957 +428223685,1856168,6604,3,MCH,30.4,30.4,pg,PG,6636 +437832854,1856168,19515,3,-basos,0.0,0,%,%,19527 +426334632,1856168,2317,1,bicarbonate,27.0,27,mmol/L,MEQ/L,2369 +433605883,1856168,10899,3,WBC x 1000,8.8,8.8,K/mcL,K/CMM,10957 +419046521,1856168,10899,1,magnesium,1.7,1.7,mg/dL,MG/DL,10934 +437832864,1856168,19515,3,MCHC,32.8,32.8,g/dL,%,19527 +428223687,1856168,6604,3,MCHC,32.5,32.5,g/dL,%,6636 +433605881,1856168,10899,3,MCV,93.0,93,fL,FL,10957 +419046522,1856168,10899,1,albumin,3.4,3.4,g/dL,G/DL,10934 +437832863,1856168,19515,3,-monos,13.0,13,%,%,19527 +426334633,1856168,2317,1,calcium,9.1,9.1,mg/dL,MG/DL,2369 +433605884,1856168,10899,3,RDW,14.5,14.5,%,%,10957 +419046515,1856168,10899,1,total bilirubin,0.7,0.7,mg/dL,MG/DL,10934 +437832865,1856168,19515,3,platelets x 1000,526.0,526,K/mcL,K/CMM,19527 +428223686,1856168,6604,3,-monos,22.0,22,%,%,6695 +433605886,1856168,10899,3,-monos,22.0,22,%,%,11086 +419046523,1856168,10899,1,bicarbonate,31.0,31,mmol/L,MEQ/L,10934 +437832862,1856168,19515,3,MCH,30.3,30.3,pg,PG,19527 +426334634,1856168,2317,1,glucose,72.0,72,mg/dL,MG/DL,2369 +433605885,1856168,10899,3,MCH,30.2,30.2,pg,PG,10957 +419046520,1856168,10899,1,sodium,136.0,136,mmol/L,MEQ/L,10934 +437832858,1856168,19515,3,MCV,93.0,93,fL,FL,19527 +428223688,1856168,6604,3,platelets x 1000,178.0,178,K/mcL,K/CMM,6636 +433605887,1856168,10899,3,MCHC,32.5,32.5,g/dL,%,10957 +419046517,1856168,10899,1,creatinine,0.7,0.7,mg/dL,MG/DL,10934 +437832859,1856168,19515,3,Hgb,12.0,12.0,g/dL,G/DL,19527 +426334629,1856168,2317,1,potassium,3.4,3.4,mmol/L,MEQ/L,2369 +433605879,1856168,10899,3,Hct,44.9,44.9,%,%,10957 +419046530,1856168,10899,1,glucose,138.0,138,mg/dL,MG/DL,10934 +415367482,1856168,3745,1,BUN,12.0,12,mg/dL,MG/DL,3777 +428223677,1856168,6604,3,-lymphs,22.0,22,%,%,6695 +437832861,1856168,19515,3,RDW,13.8,13.8,%,%,19527 +419046525,1856168,10899,1,direct bilirubin,0.3,0.3,mg/dL,MG/DL,10934 +417467491,1856168,9644,1,magnesium,1.9,1.9,mg/dL,MG/DL,9679 +425700543,1856168,6604,1,BUN,12.0,12,mg/dL,MG/DL,6660 +415367481,1856168,3745,1,chloride,100.0,100,mmol/L,MEQ/L,3777 +419046526,1856168,10899,1,calcium,9.6,9.6,mg/dL,MG/DL,10934 +433605888,1856168,10899,3,platelets x 1000,269.0,269,K/mcL,K/CMM,10957 +428223678,1856168,6604,3,RBC,4.68,4.68,M/mcL,M/CMM,6636 +417467492,1856168,9644,1,bicarbonate,32.0,32,mmol/L,MEQ/L,9679 +419046527,1856168,10899,1,CPK,39.0,39,Units/L,U/L,10934 +415367479,1856168,3745,1,phosphate,4.0,4.0,mg/dL,MG/DL,3777 +425700541,1856168,6604,1,glucose,80.0,80,mg/dL,MG/DL,6660 +437832860,1856168,19515,3,WBC x 1000,10.6,10.6,K/mcL,K/CMM,19527 +419046528,1856168,10899,1,phosphate,3.4,3.4,mg/dL,MG/DL,10934 +417467490,1856168,9644,1,sodium,135.0,135,mmol/L,MEQ/L,9679 +416495706,1856168,22380,1,creatinine,0.6,0.6,mg/dL,MG/DL,22419 +415367477,1856168,3745,1,calcium,8.9,8.9,mg/dL,MG/DL,3777 +428223683,1856168,6604,3,WBC x 1000,7.0,7.0,K/mcL,K/CMM,6636 +433605876,1856168,10899,3,-lymphs,21.0,21,%,%,11086 +419046516,1856168,10899,1,potassium,3.3,3.3,mmol/L,MEQ/L,10934 +417467493,1856168,9644,1,calcium,9.6,9.6,mg/dL,MG/DL,9679 +416495707,1856168,22380,1,sodium,134.0,134,mmol/L,MEQ/L,22419 +415367480,1856168,3745,1,glucose,83.0,83,mg/dL,MG/DL,3777 +425700542,1856168,6604,1,chloride,98.0,98,mmol/L,MEQ/L,6660 +437832855,1856168,19515,3,-polys,66.0,66,%,%,19527 +419046529,1856168,10899,1,ALT (SGPT),16.0,16,Units/L,U/L,10934 +417467496,1856168,9644,1,BUN,16.0,16,mg/dL,MG/DL,9679 +416495705,1856168,22380,1,potassium,3.6,3.6,mmol/L,MEQ/L,22419 +415367473,1856168,3745,1,creatinine,0.7,0.7,mg/dL,MG/DL,3777 +428223682,1856168,6604,3,Hgb,14.3,14.3,g/dL,G/DL,6636 +433605877,1856168,10899,3,RBC,4.83,4.83,M/mcL,M/CMM,10957 +419046518,1856168,10899,1,alkaline phos.,61.0,61,Units/L,U/L,10934 +417467488,1856168,9644,1,potassium,3.6,3.6,mmol/L,MEQ/L,9679 +416495708,1856168,22380,1,bicarbonate,28.0,28,mmol/L,MEQ/L,22419 +415367472,1856168,3745,1,potassium,4.0,4.0,mmol/L,MEQ/L,3777 +425700537,1856168,6604,1,albumin,3.0,3.0,g/dL,G/DL,6660 +437832856,1856168,19515,3,Hct,36.6,36.6,%,%,19527 +419046531,1856168,10899,1,chloride,96.0,96,mmol/L,MEQ/L,10934 +428160050,1856168,18070,3,MCHC,32.1,32.1,g/dL,%,18092 +417467495,1856168,9644,1,chloride,97.0,97,mmol/L,MEQ/L,9679 +433611104,1856168,8049,3,RBC,4.54,4.54,M/mcL,M/CMM,8076 +416495711,1856168,22380,1,chloride,99.0,99,mmol/L,MEQ/L,22419 +428160051,1856168,18070,3,platelets x 1000,466.0,466,K/mcL,K/CMM,18092 +415367474,1856168,3745,1,sodium,136.0,136,mmol/L,MEQ/L,3777 +433611106,1856168,8049,3,MCV,93.0,93,fL,FL,8076 +428223680,1856168,6604,3,Hct,43.9,43.9,%,%,6636 +428160049,1856168,18070,3,-monos,13.0,13,%,%,18092 +433605880,1856168,10899,3,-eos,2.0,2,%,,11087 +433611105,1856168,8049,3,Hct,42.1,42.1,%,%,8076 +419046524,1856168,10899,1,total protein,7.3,7.3,g/dL,G/DL,10934 +428160046,1856168,18070,3,WBC x 1000,13.8,13.8,K/mcL,K/CMM,18092 +417467494,1856168,9644,1,glucose,104.0,104,mg/dL,MG/DL,9679 +433611107,1856168,8049,3,Hgb,13.5,13.5,g/dL,G/DL,8076 +416495709,1856168,22380,1,calcium,9.7,9.7,mg/dL,MG/DL,22419 +428160047,1856168,18070,3,RDW,13.9,13.9,%,%,18092 +415367475,1856168,3745,1,magnesium,2.2,2.2,mg/dL,MG/DL,3777 +424951796,1856168,20945,1,bicarbonate,28.0,28,mmol/L,MEQ/L,20981 +425700538,1856168,6604,1,bicarbonate,28.0,28,mmol/L,MEQ/L,6660 +433611108,1856168,8049,3,WBC x 1000,6.9,6.9,K/mcL,K/CMM,8076 +437832857,1856168,19515,3,-eos,2.0,2,%,%,19527 +428160048,1856168,18070,3,MCH,30.1,30.1,pg,PG,18092 +419046532,1856168,10899,1,BUN,21.0,21,mg/dL,MG/DL,10934 +424951797,1856168,20945,1,calcium,9.6,9.6,mg/dL,MG/DL,20981 +417467489,1856168,9644,1,creatinine,0.7,0.7,mg/dL,MG/DL,9679 +433611116,1856168,8049,3,-monos,18.0,18,%,%,8308 +416495712,1856168,22380,1,BUN,13.0,13,mg/dL,MG/DL,22419 +428160045,1856168,18070,3,Hgb,12.1,12.1,g/dL,G/DL,18092 +415367476,1856168,3745,1,bicarbonate,27.0,27,mmol/L,MEQ/L,3777 +424951798,1856168,20945,1,glucose,128.0,128,mg/dL,MG/DL,20981 +423593671,1856168,2317,1,magnesium,2.2,2.2,mg/dL,MG/DL,2367 +433611115,1856168,8049,3,-eos,2.0,2,%,,8308 +444248700,1856168,14284,4,urinary specific gravity,1.034,1.034,,,14321 +428160042,1856168,18070,3,Hct,37.8,37.8,%,%,18092 +433605878,1856168,10899,3,-polys,55.0,55,%,%,11086 +424951792,1856168,20945,1,potassium,3.9,3.9,mmol/L,MEQ/L,20981 +419046519,1856168,10899,1,AST (SGOT),22.0,22,Units/L,U/L,10934 +436616338,1856168,9644,3,RBC,4.62,4.62,M/mcL,M/CMM,9651 +460995148,1856168,10839,7,Base Excess,6.0,6.0,mEq/L,,10847 +436199767,1856168,16613,3,MCHC,32.5,32.5,g/dL,%,16618 +416925699,1856168,12397,1,chloride,100.0,100,mmol/L,MEQ/L,12436 +433611114,1856168,8049,3,-polys,61.0,61,%,%,8308 +416495710,1856168,22380,1,glucose,143.0,143,mg/dL,MG/DL,22419 +436616348,1856168,9644,3,MCHC,32.0,32.0,g/dL,%,9651 +460549758,1856168,9425,7,Total CO2,30.0,30,,MEQ/L,9431 +436199768,1856168,16613,3,platelets x 1000,444.0,444,K/mcL,K/CMM,16618 +416925700,1856168,12397,1,BUN,26.0,26,mg/dL,MG/DL,12436 +428160041,1856168,18070,3,-polys,69.0,69,%,%,18092 +425700536,1856168,6604,1,sodium,134.0,134,mmol/L,MEQ/L,6660 +436616339,1856168,9644,3,-polys,50.0,50,%,%,9780 +460995146,1856168,10839,7,Oxyhemoglobin,97.0,97,%,%,10847 +436199769,1856168,16613,3,-lymphs,18.0,18,%,%,16796 +416925698,1856168,12397,1,glucose,124.0,124,mg/dL,MG/DL,12436 +424951800,1856168,20945,1,BUN,17.0,17,mg/dL,MG/DL,20981 +422927572,1856168,3007,1,potassium,3.8,3.8,mmol/L,MEQ/L,3046 +417152460,1856168,3745,1,chloride,100.0,100,mmol/L,MEQ/L,3781 +460549762,1856168,9425,7,paCO2,48.0,48,mm Hg,MMHG,9431 +436199770,1856168,16613,3,-polys,64.0,64,%,%,16796 +436616349,1856168,9644,3,platelets x 1000,230.0,230,K/mcL,K/CMM,9651 +433611113,1856168,8049,3,-lymphs,19.0,19,%,%,8308 +428223679,1856168,6604,3,-polys,56.0,56,%,%,6695 +416925693,1856168,12397,1,sodium,140.0,140,mmol/L,MEQ/L,12436 +460995147,1856168,10839,7,pH,7.41,7.41,,,10847 +415661575,1856168,815,1,sodium,130.0,130,mmol/L,MEQ/L,878 +436199765,1856168,16613,3,RDW,14.3,14.3,%,%,16618 +415661576,1856168,815,1,albumin,3.7,3.7,g/dL,G/DL,878 +417152453,1856168,3745,1,bicarbonate,27.0,27,mmol/L,MEQ/L,3781 +415661574,1856168,815,1,AST (SGOT),16.0,16,Units/L,U/L,878 +428160043,1856168,18070,3,-eos,2.0,2,%,%,18092 +415661577,1856168,815,1,bicarbonate,30.0,30,mmol/L,MEQ/L,878 +422927577,1856168,3007,1,glucose,83.0,83,mg/dL,MG/DL,3046 +415661578,1856168,815,1,total protein,7.3,7.3,g/dL,G/DL,878 +436616337,1856168,9644,3,-lymphs,18.0,18,%,%,9780 +415702251,1856168,13790,1,potassium,3.8,3.8,mmol/L,MEQ/L,13851 +460549760,1856168,9425,7,FiO2,40.0,40,%,%,9440 +415661579,1856168,815,1,calcium,9.3,9.3,mg/dL,MG/DL,878 +436199766,1856168,16613,3,MCH,30.2,30.2,pg,PG,16618 +415702252,1856168,13790,1,creatinine,0.7,0.7,mg/dL,MG/DL,13851 +416925694,1856168,12397,1,magnesium,2.1,2.1,mg/dL,MG/DL,12436 +415661583,1856168,815,1,BUN,17.0,17,mg/dL,MG/DL,878 +424951793,1856168,20945,1,creatinine,0.5,0.5,mg/dL,MG/DL,20981 +415702259,1856168,13790,1,chloride,101.0,101,mmol/L,MEQ/L,13851 +425700539,1856168,6604,1,calcium,9.0,9.0,mg/dL,MG/DL,6660 +415661584,1856168,815,1,cortisol,6.6,6.6,mcg/dL,ug/dL,1578 +417152455,1856168,3745,1,calcium,8.9,8.9,mg/dL,MG/DL,3781 +415702258,1856168,13790,1,glucose,117.0,117,mg/dL,MG/DL,13851 +460995144,1856168,10839,7,paO2,74.0,74,mm Hg,MMHG,10847 +415661571,1856168,815,1,potassium,3.5,3.5,mmol/L,MEQ/L,878 +436199772,1856168,16613,3,-monos,17.0,17,%,%,16796 +415702255,1856168,13790,1,bicarbonate,29.0,29,mmol/L,MEQ/L,13851 +436616340,1856168,9644,3,Hct,43.1,43.1,%,%,9651 +415661573,1856168,815,1,alkaline phos.,45.0,45,Units/L,U/L,878 +433611112,1856168,8049,3,platelets x 1000,212.0,212,K/mcL,K/CMM,8076 +415702253,1856168,13790,1,sodium,142.0,142,mmol/L,MEQ/L,13851 +422927573,1856168,3007,1,creatinine,0.9,0.9,mg/dL,MG/DL,3046 +415661572,1856168,815,1,creatinine,0.9,0.9,mg/dL,MG/DL,878 +420742015,1856168,5233,1,creatinine,0.7,0.7,mg/dL,MG/DL,5274 +416925691,1856168,12397,1,potassium,3.4,3.4,mmol/L,MEQ/L,12436 +415702254,1856168,13790,1,magnesium,2.0,2.0,mg/dL,MG/DL,13851 +420742014,1856168,5233,1,potassium,3.9,3.9,mmol/L,MEQ/L,5274 +460549764,1856168,9425,7,pH,7.37,7.37,,,9431 +415661580,1856168,815,1,ALT (SGPT),10.0,10,Units/L,U/L,878 +420742016,1856168,5233,1,sodium,134.0,134,mmol/L,MEQ/L,5274 +436199771,1856168,16613,3,-eos,1.0,1,%,,16796 +415702257,1856168,13790,1,phosphate,2.9,2.9,mg/dL,MG/DL,13851 +420742021,1856168,5233,1,glucose,79.0,79,mg/dL,MG/DL,5274 +417152454,1856168,3745,1,total protein,6.8,6.8,g/dL,G/DL,3781 +415661570,1856168,815,1,total bilirubin,0.6,0.6,mg/dL,MG/DL,878 +420742022,1856168,5233,1,chloride,99.0,99,mmol/L,MEQ/L,5274 +428160040,1856168,18070,3,-basos,1.0,1,%,%,18092 +415702260,1856168,13790,1,BUN,27.0,27,mg/dL,MG/DL,13851 +420742023,1856168,5233,1,BUN,11.0,11,mg/dL,MG/DL,5274 +423593672,1856168,2317,1,phosphate,4.3,4.3,mg/dL,MG/DL,2367 +415661582,1856168,815,1,chloride,91.0,91,mmol/L,MEQ/L,878 +420742020,1856168,5233,1,phosphate,3.0,3.0,mg/dL,MG/DL,5274 +436616344,1856168,9644,3,WBC x 1000,8.1,8.1,K/mcL,K/CMM,9651 +415702256,1856168,13790,1,calcium,10.3,10.3,mg/dL,MG/DL,13851 +420742019,1856168,5233,1,calcium,8.9,8.9,mg/dL,MG/DL,5274 +460995141,1856168,10839,7,Total CO2,33.0,33,,MEQ/L,10847 +417614953,1856168,5782,1,sodium,135.0,135,mmol/L,MEQ/L,5803 +420742017,1856168,5233,1,magnesium,1.9,1.9,mg/dL,MG/DL,5274 +445127113,1856168,2811,4,ammonia,21.0,21,mcg/dL,UMOL/L,2852 +415661581,1856168,815,1,glucose,86.0,86,mg/dL,MG/DL,878 +420742018,1856168,5233,1,bicarbonate,26.0,26,mmol/L,MEQ/L,5274 +416925692,1856168,12397,1,creatinine,0.7,0.7,mg/dL,MG/DL,12436 +427829479,1856168,14080,2,Phenytoin,10.8,10.8,mcg/mL,UG/ML,14123 +424951794,1856168,20945,1,sodium,129.0,129,mmol/L,MEQ/L,20981 +427829478,1856168,6854,2,Phenytoin,9.8,9.8,mcg/mL,UG/ML,6904 +422927574,1856168,3007,1,sodium,134.0,134,mmol/L,MEQ/L,3046 +428721120,1856168,2317,3,RBC,4.97,4.97,M/mcL,M/CMM,2331 +417152456,1856168,3745,1,CPK,35.0,35,Units/L,U/L,3781 +428721119,1856168,2317,3,-lymphs,34.0,34,%,%,2331 +460549761,1856168,9425,7,paO2,82.0,82,mm Hg,MMHG,9431 +428721121,1856168,2317,3,-basos,0.0,0,%,%,2331 +442647460,1856168,5735,4,urinary creatinine,122.0,122,mg/dL,MG/DL,5913 +428721129,1856168,2317,3,MCH,30.3,30.3,pg,PG,2331 +436616345,1856168,9644,3,RDW,14.7,14.7,%,%,9651 +428721130,1856168,2317,3,-monos,18.0,18,%,%,2331 +433611109,1856168,8049,3,RDW,14.8,14.8,%,%,8076 +418899722,1856168,8049,1,sodium,135.0,135,mmol/L,MEQ/L,8099 +425700534,1856168,6604,1,potassium,4.1,4.1,mmol/L,MEQ/L,6660 +458754571,1856168,785,7,pH,7.47,7.47,,,800 +416925695,1856168,12397,1,bicarbonate,31.0,31,mmol/L,MEQ/L,12436 +428721131,1856168,2317,3,MCHC,32.2,32.2,g/dL,%,2331 +460995145,1856168,10839,7,paCO2,49.0,49,mm Hg,MMHG,10847 +458754572,1856168,785,7,Base Excess,4.2,4.2,mEq/L,,800 +445358618,1856168,6604,4,free T4,1.13,1.13,ng/dL,ng/dL,7362 +418899723,1856168,8049,1,magnesium,1.7,1.7,mg/dL,MG/DL,8099 +417152457,1856168,3745,1,lipase,28.0,28,Units/L,U/L,3781 +458754568,1856168,785,7,paCO2,38.0,38,mm Hg,MMHG,800 +428160038,1856168,18070,3,-lymphs,15.0,15,%,%,18092 +428721125,1856168,2317,3,MCV,94.0,94,fL,FL,2331 +422927578,1856168,3007,1,chloride,97.0,97,mmol/L,MEQ/L,3046 +458754570,1856168,785,7,Oxyhemoglobin,98.0,98,%,%,800 +436616346,1856168,9644,3,MCH,29.9,29.9,pg,PG,9651 +418899724,1856168,8049,1,bicarbonate,27.0,27,mmol/L,MEQ/L,8099 +460549763,1856168,9425,7,Oxyhemoglobin,99.0,99,%,%,9431 +458754569,1856168,785,7,Respiratory Rate,12.0,12,/min,,804 +436199764,1856168,16613,3,WBC x 1000,15.5,15.5,K/mcL,K/CMM,16618 +428721123,1856168,2317,3,Hct,46.7,46.7,%,%,2331 +416925696,1856168,12397,1,calcium,10.0,10.0,mg/dL,MG/DL,12436 +458754566,1856168,785,7,FiO2,40.0,40,%,%,804 +424951795,1856168,20945,1,magnesium,2.1,2.1,mg/dL,MG/DL,20981 +418899720,1856168,8049,1,potassium,3.7,3.7,mmol/L,MEQ/L,8099 +428223681,1856168,6604,3,MCV,94.0,94,fL,FL,6636 +459014561,1856168,7985,7,Base Excess,0.9,0.9,mEq/L,,8001 +417152458,1856168,3745,1,ALT (SGPT),10.0,10,Units/L,U/L,3781 +428721126,1856168,2317,3,Hgb,15.0,15.0,g/dL,G/DL,2331 +460995143,1856168,10839,7,FiO2,40.0,40,%,%,10849 +459014556,1856168,7985,7,FiO2,55.0,55,%,%,8001 +445358619,1856168,6604,4,TSH,5.58,5.580,mcU/ml,uIU/mL,7362 +418899725,1856168,8049,1,calcium,9.1,9.1,mg/dL,MG/DL,8099 +436616341,1856168,9644,3,-eos,6.0,6,%,,9780 +459014557,1856168,7985,7,paO2,86.0,86,mm Hg,MMHG,8001 +433611110,1856168,8049,3,MCH,29.8,29.8,pg,PG,8076 +428721124,1856168,2317,3,-eos,1.0,1,%,%,2331 +422927575,1856168,3007,1,bicarbonate,27.0,27,mmol/L,MEQ/L,3046 +459014558,1856168,7985,7,paCO2,45.0,45,mm Hg,MMHG,8001 +444265242,1856168,815,4,serum osmolality,278.0,278,mOsm/kg H2O,MOSM/K,896 +418899726,1856168,8049,1,phosphate,3.5,3.5,mg/dL,MG/DL,8099 +460549759,1856168,9425,7,HCO3,28.0,28,mmol/L,MEQ/L,9431 +458754564,1856168,785,7,Total CO2,29.0,29,,MEQ/L,800 +442712264,1856168,4230,4,TSH,10.0,10.000,mcU/ml,uIU/mL,4783 +428721122,1856168,2317,3,-polys,47.0,47,%,%,2331 +417152459,1856168,3745,1,glucose,85.0,85,mg/dL,MG/DL,3781 +459014559,1856168,7985,7,Oxyhemoglobin,98.0,98,%,%,8001 +428160039,1856168,18070,3,RBC,4.04,4.04,M/mcL,M/CMM,18092 +418899721,1856168,8049,1,creatinine,0.7,0.7,mg/dL,MG/DL,8099 +425700540,1856168,6604,1,phosphate,3.4,3.4,mg/dL,MG/DL,6660 +458754565,1856168,785,7,HCO3,28.0,28,mmol/L,MEQ/L,800 +436616343,1856168,9644,3,Hgb,13.8,13.8,g/dL,G/DL,9651 +428721127,1856168,2317,3,WBC x 1000,6.3,6.3,K/mcL,K/CMM,2331 +443845192,1856168,328,4,urinary osmolality,339.0,339,mOsm/L,,366 +459014555,1856168,7985,7,HCO3,26.0,26,mmol/L,MEQ/L,8001 +444132951,1856168,3745,4,myoglobin,49.9,49.9,ng/mL,ng/mL,4552 +418899727,1856168,8049,1,glucose,114.0,114,mg/dL,MG/DL,8099 +416925697,1856168,12397,1,phosphate,3.6,3.6,mg/dL,MG/DL,12436 +459014554,1856168,7985,7,Total CO2,28.0,28,,MEQ/L,8001 +424951799,1856168,20945,1,chloride,95.0,95,mmol/L,MEQ/L,20981 +428721128,1856168,2317,3,RDW,14.9,14.9,%,%,2331 +422927579,1856168,3007,1,BUN,15.0,15,mg/dL,MG/DL,3046 +443948277,1856168,-820,4,TSH,0.539,0.539,mcU/ml,uIU/mL,507 +417152461,1856168,3745,1,BUN,12.0,12,mg/dL,MG/DL,3781 +418899728,1856168,8049,1,chloride,97.0,97,mmol/L,MEQ/L,8099 +460995142,1856168,10839,7,HCO3,32.0,32,mmol/L,MEQ/L,10847 +458754567,1856168,785,7,paO2,86.0,86,mm Hg,MMHG,800 +444932591,1856168,5735,4,urinary specific gravity,1.023,1.023,,,5906 +428721132,1856168,2317,3,platelets x 1000,210.0,210,K/mcL,K/CMM,2331 +436616342,1856168,9644,3,MCV,93.0,93,fL,FL,9651 +443948276,1856168,-820,4,free T4,1.1,1.10,ng/dL,ng/dL,507 +433611111,1856168,8049,3,MCHC,32.1,32.1,g/dL,%,8076 +418899729,1856168,8049,1,BUN,11.0,11,mg/dL,MG/DL,8099 +443103980,1856168,9876,4,bedside glucose,95.0,95,mg/dL,MG/DL,10352 +459014560,1856168,7985,7,pH,7.37,7.37,,,8001 +444116581,1856168,14510,4,bedside glucose,110.0,110,mg/dL,MG/DL,14853 +421960369,1856168,18070,1,potassium,3.9,3.9,mmol/L,MEQ/L,18116 +443831776,1856168,5735,4,urinary osmolality,789.0,789,mOsm/L,,6018 +421960370,1856168,18070,1,creatinine,0.4,0.4,mg/dL,MG/DL,18116 +442647461,1856168,5735,4,urinary sodium,206.0,206,mmol/L,MEQ/L,5913 +421808086,1856168,19515,1,chloride,100.0,100,mmol/L,MEQ/L,19546 +436616347,1856168,9644,3,-monos,26.0,26,%,%,9780 +421808087,1856168,19515,1,BUN,19.0,19,mg/dL,MG/DL,19546 +428160044,1856168,18070,3,MCV,94.0,94,fL,FL,18092 +421808084,1856168,19515,1,calcium,9.4,9.4,mg/dL,MG/DL,19546 +422927576,1856168,3007,1,calcium,8.8,8.8,mg/dL,MG/DL,3046 +421808085,1856168,19515,1,glucose,132.0,132,mg/dL,MG/DL,19546 +419478442,1856168,3745,1,lactate,0.8,0.8,mmol/L,MMOL/L,3759 +421519009,1856168,15215,1,bicarbonate,27.0,27,mmol/L,MEQ/L,15257 +460549765,1856168,9425,7,Base Excess,2.6,2.6,mEq/L,,9431 +421960371,1856168,18070,1,sodium,133.0,133,mmol/L,MEQ/L,18116 +443260732,1856168,3745,4,serum osmolality,287.0,287,mOsm/kg H2O,MOSM/K,3838 +421519011,1856168,15215,1,phosphate,3.2,3.2,mg/dL,MG/DL,15257 +445062705,1856168,289,4,serum osmolality,281.0,281,mOsm/kg H2O,MOSM/K,338 +421808080,1856168,19515,1,potassium,3.9,3.9,mmol/L,MEQ/L,19546 +425700535,1856168,6604,1,creatinine,0.9,0.9,mg/dL,MG/DL,6660 +429966362,1856168,3745,3,RBC,5.04,5.04,M/mcL,M/CMM,3763 +427829480,1856168,17735,2,Vancomycin - trough,17.8,17.8,mcg/mL,UG/ML,17767 +421519010,1856168,15215,1,calcium,9.9,9.9,mg/dL,MG/DL,15257 +430586748,1856168,15215,3,WBC x 1000,16.1,16.1,K/mcL,K/CMM,15229 +429966361,1856168,3745,3,-lymphs,34.0,34,%,%,3763 +430051719,1856168,20945,3,MCHC,32.2,32.2,g/dL,%,20965 +421960376,1856168,18070,1,BUN,23.0,23,mg/dL,MG/DL,18116 +430586746,1856168,15215,3,MCV,94.0,94,fL,FL,15229 +429966363,1856168,3745,3,-basos,1.0,1,%,%,3763 +430051715,1856168,20945,3,WBC x 1000,9.7,9.7,K/mcL,K/CMM,20965 +421519005,1856168,15215,1,potassium,3.9,3.9,mmol/L,MEQ/L,15257 +430586749,1856168,15215,3,RDW,14.1,14.1,%,%,15229 +429966364,1856168,3745,3,-polys,47.0,47,%,%,3763 +430051716,1856168,20945,3,RDW,13.8,13.8,%,%,20965 +421808081,1856168,19515,1,creatinine,0.5,0.5,mg/dL,MG/DL,19546 +430586747,1856168,15215,3,Hgb,13.3,13.3,g/dL,G/DL,15229 +429966374,1856168,3745,3,platelets x 1000,207.0,207,K/mcL,K/CMM,3763 +430051717,1856168,20945,3,MCH,30.0,30.0,pg,PG,20965 +421519006,1856168,15215,1,creatinine,0.7,0.7,mg/dL,MG/DL,15257 +430586743,1856168,15215,3,Hct,41.1,41.1,%,%,15229 +429966373,1856168,3745,3,MCHC,31.8,31.8,g/dL,%,3763 +430051720,1856168,20945,3,platelets x 1000,564.0,564,K/mcL,K/CMM,20965 +421808082,1856168,19515,1,sodium,133.0,133,mmol/L,MEQ/L,19546 +430586740,1856168,15215,3,-lymphs,14.0,14,%,%,15357 +429966371,1856168,3745,3,MCH,29.9,29.9,pg,PG,3763 +430051718,1856168,20945,3,-monos,13.0,13,%,%,20965 +424323266,1856168,16613,1,calcium,9.6,9.6,mg/dL,MG/DL,16637 +430586741,1856168,15215,3,RBC,4.39,4.39,M/mcL,M/CMM,15229 +429966372,1856168,3745,3,-monos,17.0,17,%,%,3763 +430051709,1856168,20945,3,-basos,1.0,1,%,%,20965 +421519007,1856168,15215,1,sodium,137.0,137,mmol/L,MEQ/L,15257 +430586744,1856168,15215,3,-eos,2.0,2,%,,15357 +429966369,1856168,3745,3,WBC x 1000,5.1,5.1,K/mcL,K/CMM,3763 +430051712,1856168,20945,3,-eos,4.0,4,%,%,20965 +424323262,1856168,16613,1,creatinine,0.5,0.5,mg/dL,MG/DL,16640 +430586753,1856168,15215,3,platelets x 1000,395.0,395,K/mcL,K/CMM,15229 +429966370,1856168,3745,3,RDW,15.1,15.1,%,%,3763 +437872637,1856168,12397,3,platelets x 1000,323.0,323,K/mcL,K/CMM,12419 +421960373,1856168,18070,1,calcium,9.4,9.4,mg/dL,MG/DL,18116 +430051710,1856168,20945,3,-polys,62.0,62,%,%,20965 +429966365,1856168,3745,3,Hct,47.4,47.4,%,%,3763 +437872638,1856168,12397,3,-lymphs,21.0,21,%,%,12643 +424323263,1856168,16613,1,sodium,135.0,135,mmol/L,MEQ/L,16637 +430586742,1856168,15215,3,-polys,67.0,67,%,%,15357 +427543342,1856168,3745,1,albumin,3.5,3.5,g/dL,G/DL,3781 +437872635,1856168,12397,3,MCH,29.9,29.9,pg,PG,12419 +421519014,1856168,15215,1,BUN,25.0,25,mg/dL,MG/DL,15257 +430051713,1856168,20945,3,MCV,93.0,93,fL,FL,20965 +445429540,1856168,2204,4,urinary sodium,65.0,65,mmol/L,MEQ/L,2244 +437872639,1856168,12397,3,-polys,54.0,54,%,%,12643 +424323261,1856168,16613,1,potassium,3.8,3.8,mmol/L,MEQ/L,16637 +430586750,1856168,15215,3,MCH,30.3,30.3,pg,PG,15229 +427543341,1856168,3745,1,sodium,136.0,136,mmol/L,MEQ/L,3781 +437872636,1856168,12397,3,MCHC,32.1,32.1,g/dL,%,12419 +421960374,1856168,18070,1,glucose,130.0,130,mg/dL,MG/DL,18116 +430051711,1856168,20945,3,Hct,36.4,36.4,%,%,20965 +429966366,1856168,3745,3,-eos,1.0,1,%,%,3763 +438863686,1856168,5233,3,-lymphs,31.0,31,%,%,5267 +424323264,1856168,16613,1,magnesium,2.1,2.1,mg/dL,MG/DL,16637 +437872640,1856168,12397,3,-monos,25.0,25,%,%,12643 +427543340,1856168,3745,1,AST (SGOT),14.0,14,Units/L,U/L,3781 +438863691,1856168,5233,3,-eos,1.0,1,%,%,5267 +421519013,1856168,15215,1,chloride,100.0,100,mmol/L,MEQ/L,15257 +430586751,1856168,15215,3,-monos,15.0,15,%,%,15357 +445429541,1856168,2204,4,urinary osmolality,640.0,640,mOsm/L,,2254 +438863687,1856168,5233,3,RBC,5.01,5.01,M/mcL,M/CMM,5267 +424323265,1856168,16613,1,bicarbonate,24.0,24,mmol/L,MEQ/L,16637 +437872634,1856168,12397,3,RDW,14.3,14.3,%,%,12419 +427543336,1856168,3745,1,total bilirubin,1.0,1.0,mg/dL,MG/DL,3781 +438863688,1856168,5233,3,-basos,0.0,0,%,%,5267 +421960375,1856168,18070,1,chloride,100.0,100,mmol/L,MEQ/L,18116 +430051714,1856168,20945,3,Hgb,11.7,11.7,g/dL,G/DL,20965 +429966367,1856168,3745,3,MCV,94.0,94,fL,FL,3763 +438863692,1856168,5233,3,MCV,94.0,94,fL,FL,5267 +424323267,1856168,16613,1,phosphate,2.8,2.8,mg/dL,MG/DL,16637 +437872630,1856168,12397,3,Hct,44.0,44.0,%,%,12419 +445664248,1856168,9169,4,bedside glucose,121.0,121,mg/dL,MG/DL,9187 +438863699,1856168,5233,3,platelets x 1000,194.0,194,K/mcL,K/CMM,5267 +421519012,1856168,15215,1,glucose,115.0,115,mg/dL,MG/DL,15257 +430586745,1856168,15215,3,-bands,2.0,2,%,%,15357 +427543337,1856168,3745,1,potassium,4.0,4.0,mmol/L,MEQ/L,3781 +438863689,1856168,5233,3,-polys,49.0,49,%,%,5267 +424323270,1856168,16613,1,BUN,21.0,21,mg/dL,MG/DL,16637 +418812570,1856168,3007,1,creatinine,0.9,0.9,mg/dL,MG/DL,3049 +445476959,1856168,3638,4,urinary sodium,44.0,44,mmol/L,MEQ/L,3696 +437872631,1856168,12397,3,MCV,93.0,93,fL,FL,12419 +421808083,1856168,19515,1,bicarbonate,27.0,27,mmol/L,MEQ/L,19546 +438863694,1856168,5233,3,WBC x 1000,6.0,6.0,K/mcL,K/CMM,5267 +424496460,1856168,289,1,sodium,128.0,128,mmol/L,MEQ/L,314 +418812569,1856168,3007,1,potassium,3.8,3.8,mmol/L,MEQ/L,3049 +424323269,1856168,16613,1,chloride,100.0,100,mmol/L,MEQ/L,16637 +430051707,1856168,20945,3,-lymphs,20.0,20,%,%,20965 +427543338,1856168,3745,1,creatinine,0.7,0.7,mg/dL,MG/DL,3781 +438863695,1856168,5233,3,RDW,14.6,14.6,%,%,5267 +421519008,1856168,15215,1,magnesium,2.0,2.0,mg/dL,MG/DL,15257 +418812571,1856168,3007,1,sodium,133.0,133,mmol/L,MEQ/L,3049 +442036038,1856168,16613,3,MCV,93.0,93,fL,FL,16618 +437872629,1856168,12397,3,RBC,4.72,4.72,M/mcL,M/CMM,12419 +429966368,1856168,3745,3,Hgb,15.1,15.1,g/dL,G/DL,3763 +438863696,1856168,5233,3,MCH,30.2,30.2,pg,PG,5267 +442036039,1856168,16613,3,Hgb,13.0,13.0,g/dL,G/DL,16618 +418812572,1856168,3007,1,bicarbonate,27.0,27,mmol/L,MEQ/L,3049 +424323268,1856168,16613,1,glucose,131.0,131,mg/dL,MG/DL,16637 +430586752,1856168,15215,3,MCHC,32.4,32.4,g/dL,%,15229 +442036036,1856168,16613,3,RBC,4.3,4.30,M/mcL,M/CMM,16618 +438863693,1856168,5233,3,Hgb,15.1,15.1,g/dL,G/DL,5267 +444156499,1856168,14168,4,bedside glucose,138.0,138,mg/dL,MG/DL,14190 +418812577,1856168,3007,1,BUN,15.0,15,mg/dL,MG/DL,3049 +429124774,1856168,8117,3,PTT,29.0,29,sec,SEC,8135 +437872632,1856168,12397,3,Hgb,14.1,14.1,g/dL,G/DL,12419 +443099736,1856168,-41,4,urinary specific gravity,1.034,1.034,,,71 +438863697,1856168,5233,3,-monos,19.0,19,%,%,5267 +442036037,1856168,16613,3,Hct,40.0,40.0,%,%,16618 +418812575,1856168,3007,1,glucose,83.0,83,mg/dL,MG/DL,3049 +427543339,1856168,3745,1,alkaline phos.,39.0,39,Units/L,U/L,3781 +430051708,1856168,20945,3,RBC,3.9,3.90,M/mcL,M/CMM,20965 +429124773,1856168,8117,3,PT - INR,1.2,1.2,ratio,,8135 +438863698,1856168,5233,3,MCHC,32.1,32.1,g/dL,%,5267 +421960372,1856168,18070,1,bicarbonate,25.0,25,mmol/L,MEQ/L,18116 +418812576,1856168,3007,1,chloride,98.0,98,mmol/L,MEQ/L,3049 +426152478,1856168,3007,1,magnesium,2.1,2.1,mg/dL,MG/DL,3156 +442781765,1856168,2995,4,urinary specific gravity,1.041,1.041,,,3051 +444855703,1856168,3638,4,urinary osmolality,717.0,717,mOsm/L,,3682 +444144039,1856168,10201,4,bedside glucose,120.0,120,mg/dL,MG/DL,10324 +429124772,1856168,8117,3,PT,12.3,12.3,sec,SEC,8135 +418812573,1856168,3007,1,calcium,8.9,8.9,mg/dL,MG/DL,3049 +443375650,1856168,5782,4,serum osmolality,295.0,295,mOsm/kg H2O,MOSM/K,5816 +437872633,1856168,12397,3,WBC x 1000,9.5,9.5,K/mcL,K/CMM,12419 +445112789,1856168,11371,4,bedside glucose,134.0,134,mg/dL,MG/DL,12036 +438863690,1856168,5233,3,Hct,47.2,47.2,%,%,5267 +444841504,1856168,2317,4,serum osmolality,290.0,290,mOsm/kg H2O,MOSM/K,2394 +418812574,1856168,3007,1,CPK,44.0,44,Units/L,U/L,3049 +643639841,2893348,2540,1,sodium,138.0,138,mmol/L,mmol/L,2608 +643639838,2893348,2540,1,potassium,3.6,3.6,mmol/L,mmol/L,2608 +643639844,2893348,2540,1,glucose,211.0,211,mg/dL,mg/dL,2608 +643639839,2893348,2540,1,creatinine,1.5,1.50,mg/dL,mg/dL,2608 +643639843,2893348,2540,1,calcium,8.7,8.7,mg/dL,mg/dL,2608 +643639842,2893348,2540,1,bicarbonate,39.0,39,mmol/L,mmol/L,2608 +643639845,2893348,2540,1,chloride,93.0,93,mmol/L,mmol/L,2608 +643639840,2893348,2540,1,anion gap,9.6,9.6,,mmol/L,2608 +643639846,2893348,2540,1,BUN,33.0,33,mg/dL,mg/dL,2608 +644247786,2893348,1092,1,creatinine,1.5,1.50,mg/dL,mg/dL,1127 +639132483,2893348,-290,1,sodium,138.0,138,mmol/L,mmol/L,-234 +644247793,2893348,1092,1,BUN,30.0,30,mg/dL,mg/dL,1127 +639132480,2893348,-290,1,potassium,3.5,3.5,mmol/L,mmol/L,-234 +644247787,2893348,1092,1,anion gap,11.4,11.4,,mmol/L,1127 +639132488,2893348,-290,1,BUN,24.0,24,mg/dL,mg/dL,-234 +644247791,2893348,1092,1,glucose,188.0,188,mg/dL,mg/dL,1127 +639132486,2893348,-290,1,glucose,106.0,106,mg/dL,mg/dL,-234 +644247788,2893348,1092,1,sodium,135.0,135,mmol/L,mmol/L,1127 +639132485,2893348,-290,1,calcium,8.4,8.4,mg/dL,mg/dL,-234 +670009628,2893348,1035,3,MCH,28.5,28.5,pg,pg,1067 +644247789,2893348,1092,1,bicarbonate,37.0,37,mmol/L,mmol/L,1127 +670009630,2893348,1035,3,MCHC,30.1,30.1,g/dL,g/dL,1067 +639132481,2893348,-290,1,creatinine,1.4,1.40,mg/dL,mg/dL,-234 +670009629,2893348,1035,3,-monos,2.0,2,%,%,1067 +644247792,2893348,1092,1,chloride,91.0,91,mmol/L,mmol/L,1127 +670009627,2893348,1035,3,RDW,17.7,17.7,%,%,1067 +639132482,2893348,-290,1,anion gap,7.5,7.5,,mmol/L,-234 +670009631,2893348,1035,3,platelets x 1000,200.0,200,K/mcL,K/uL,1067 +649821282,2893348,-1260,3,WBC x 1000,9.5,9.5,K/mcL,K/uL,-1226 +644247785,2893348,1092,1,potassium,4.4,4.4,mmol/L,mmol/L,1127 +649821283,2893348,-1260,3,RDW,17.7,17.7,%,%,-1226 +670009621,2893348,1035,3,-polys,93.0,93,%,%,1067 +649821280,2893348,-1260,3,MCV,97.0,97,fL,fL,-1226 +639132487,2893348,-290,1,chloride,92.0,92,mmol/L,mmol/L,-234 +649821281,2893348,-1260,3,Hgb,11.9,11.9,g/dL,g/dL,-1226 +641772377,2893348,-1260,1,BUN,19.0,19,mg/dL,mg/dL,-1227 +649821287,2893348,-1260,3,platelets x 1000,231.0,231,K/mcL,K/uL,-1226 +670009623,2893348,1035,3,-eos,0.0,0,%,%,1067 +649821278,2893348,-1260,3,Hct,40.1,40.1,%,%,-1226 +641772376,2893348,-1260,1,chloride,96.0,96,mmol/L,mmol/L,-1227 +649821275,2893348,-1260,3,RBC,4.15,4.15,M/mcL,M/uL,-1226 +665290366,2893348,2985,3,Hgb,11.3,11.3,g/dL,g/dL,2999 +649821274,2893348,-1260,3,-lymphs,11.0,11,%,%,-1226 +644247790,2893348,1092,1,calcium,8.5,8.5,mg/dL,mg/dL,1127 +649821276,2893348,-1260,3,-basos,0.0,0,%,%,-1226 +641772373,2893348,-1260,1,calcium,7.5,7.5,mg/dL,mg/dL,-1227 +649821279,2893348,-1260,3,-eos,4.0,4,%,%,-1226 +665290365,2893348,2985,3,MCV,93.0,93,fL,fL,2999 +649821284,2893348,-1260,3,MCH,28.7,28.7,pg,pg,-1226 +670009622,2893348,1035,3,Hct,40.8,40.8,%,%,1067 +649821277,2893348,-1260,3,-polys,79.0,79,%,%,-1226 +641772374,2893348,-1260,1,ALT (SGPT),9.0,9,Units/L,U/L,-1227 +649821286,2893348,-1260,3,MCHC,29.7,29.7,g/dL,g/dL,-1226 +665290360,2893348,2985,3,RBC,3.96,3.96,M/mcL,M/uL,2999 +674394468,2893348,97,4,bedside glucose,118.0,118,mg/dL,mg/dL,99 +639132484,2893348,-290,1,bicarbonate,42.0,42,mmol/L,mmol/L,-234 +654685293,2893348,-1260,3,PTT,29.5,29.5,sec,sec,-1235 +641772375,2893348,-1260,1,glucose,142.0,142,mg/dL,mg/dL,-1227 +649821285,2893348,-1260,3,-monos,6.0,6,%,%,-1226 +665290361,2893348,2985,3,-basos,0.0,0,%,%,2999 +631935393,2893348,-1260,1,HDL,53.0,53,mg/dL,mg/dL,-975 +670009624,2893348,1035,3,MCV,94.0,94,fL,fL,1067 +711903693,2893348,944,7,Base Excess,10.8,10.8,mEq/L,mmol/L,955 +641772372,2893348,-1260,1,total protein,6.7,6.7,g/dL,g/dL,-1227 +657394114,2893348,-290,3,MCV,96.0,96,fL,fL,-241 +711656555,2893348,-124,7,O2 Sat (%),90.0,90,%,%,17 +665290362,2893348,2985,3,-polys,91.0,91,%,%,2999 +657394115,2893348,-290,3,Hgb,12.9,12.9,g/dL,g/dL,-241 +648040833,2893348,1092,2,Vancomycin - trough,20.0,20.0,mcg/mL,ug/mL,1188 +673794842,2893348,1820,4,bedside glucose,201.0,201,mg/dL,mg/dL,1847 +657394116,2893348,-290,3,WBC x 1000,11.2,11.2,K/mcL,K/uL,-241 +631935391,2893348,-1260,1,triglycerides,119.0,119,mg/dL,mg/dL,-975 +641772370,2893348,-1260,1,albumin,2.4,2.4,g/dL,g/dL,-1227 +657394117,2893348,-290,3,RDW,17.7,17.7,%,%,-241 +711903689,2893348,944,7,FiO2,40.0,40.0,%,,955 +665290367,2893348,2985,3,WBC x 1000,9.1,9.1,K/mcL,K/uL,2999 +657394118,2893348,-290,3,MCH,28.8,28.8,pg,pg,-241 +711656552,2893348,-124,7,HCO3,42.3,42.3,mmol/L,mmol/L,17 +670009625,2893348,1035,3,Hgb,12.3,12.3,g/dL,g/dL,1067 +657394110,2893348,-290,3,-basos,0.0,0,%,%,-241 +636613318,2893348,-905,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-860 +641772363,2893348,-1260,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-1227 +657394111,2893348,-290,3,-polys,85.0,85,%,%,-241 +631935392,2893348,-1260,1,total cholesterol,106.0,106,mg/dL,mg/dL,-975 +665290363,2893348,2985,3,Hct,36.8,36.8,%,%,2999 +657394109,2893348,-290,3,RBC,4.48,4.48,M/mcL,M/uL,-241 +711903692,2893348,944,7,O2 Sat (%),95.0,95,%,%,955 +672747318,2893348,413,4,bedside glucose,172.0,172,mg/dL,mg/dL,450 +657394112,2893348,-290,3,Hct,43.2,43.2,%,%,-241 +711656553,2893348,-124,7,FiO2,60.0,60.0,%,,17 +641772364,2893348,-1260,1,potassium,3.0,3.0,mmol/L,mmol/L,-1227 +657394113,2893348,-290,3,-eos,2.0,2,%,%,-241 +648121594,2893348,-1260,2,Digoxin,2.1,2.1,ng/mL,ng/mL,-975 +665290359,2893348,2985,3,-lymphs,5.0,5,%,%,2999 +657394121,2893348,-290,3,platelets x 1000,212.0,212,K/mcL,K/uL,-241 +671601438,2893348,-327,4,bedside glucose,106.0,106,mg/dL,mg/dL,-313 +633838530,2893348,-528,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-493 +657394119,2893348,-290,3,-monos,7.0,7,%,%,-241 +711903688,2893348,944,7,HCO3,37.9,37.9,mmol/L,mmol/L,955 +641772371,2893348,-1260,1,bicarbonate,39.0,39,mmol/L,mmol/L,-1227 +657394120,2893348,-290,3,MCHC,29.9,29.9,g/dL,g/dL,-241 +674070739,2893348,583,4,bedside glucose,193.0,193,mg/dL,mg/dL,585 +665290364,2893348,2985,3,-eos,0.0,0,%,%,2999 +657394108,2893348,-290,3,-lymphs,6.0,6,%,%,-241 +711656556,2893348,-124,7,Base Excess,12.4,12.4,mEq/L,mmol/L,17 +670009626,2893348,1035,3,WBC x 1000,10.9,10.9,K/mcL,K/uL,1067 +638231595,2893348,-1260,1,troponin - I,,<0.04,ng/mL,ng/mL,-1227 +641772368,2893348,-1260,1,AST (SGOT),15.0,15,Units/L,U/L,-1227 +663482321,2893348,2540,3,MCHC,30.3,30.3,g/dL,g/dL,2590 +665290369,2893348,2985,3,MCH,28.5,28.5,pg,pg,2999 +663482320,2893348,2540,3,-monos,4.0,4,%,%,2590 +673993029,2893348,2911,4,bedside glucose,223.0,223,mg/dL,mg/dL,2913 +663482319,2893348,2540,3,MCH,28.4,28.4,pg,pg,2590 +641772365,2893348,-1260,1,creatinine,1.2,1.20,mg/dL,mg/dL,-1227 +663482322,2893348,2540,3,platelets x 1000,207.0,207,K/mcL,K/uL,2590 +665290370,2893348,2985,3,-monos,4.0,4,%,%,2999 +663482309,2893348,2540,3,-lymphs,5.0,5,%,%,2590 +670009618,2893348,1035,3,-lymphs,5.0,5,%,%,1067 +663482318,2893348,2540,3,RDW,17.6,17.6,%,%,2590 +641772366,2893348,-1260,1,alkaline phos.,57.0,57,Units/L,U/L,-1227 +626011118,2893348,2985,1,bicarbonate,40.0,40,mmol/L,mmol/L,2999 +665290371,2893348,2985,3,MCHC,30.7,30.7,g/dL,g/dL,2999 +663482314,2893348,2540,3,-eos,0.0,0,%,%,2590 +672746710,2893348,1119,4,bedside glucose,187.0,187,mg/dL,mg/dL,1121 +626011117,2893348,2985,1,sodium,137.0,137,mmol/L,mmol/L,2999 +641772367,2893348,-1260,1,anion gap,8.0,8,,mmol/L,-1227 +663482315,2893348,2540,3,MCV,94.0,94,fL,fL,2590 +665290368,2893348,2985,3,RDW,17.6,17.6,%,%,2999 +626011119,2893348,2985,1,calcium,8.3,8.3,mg/dL,mg/dL,2999 +670009620,2893348,1035,3,-basos,0.0,0,%,%,1067 +663482316,2893348,2540,3,Hgb,11.7,11.7,g/dL,g/dL,2590 +641772369,2893348,-1260,1,sodium,140.0,140,mmol/L,mmol/L,-1227 +626011120,2893348,2985,1,glucose,241.0,241,mg/dL,mg/dL,2999 +665290372,2893348,2985,3,platelets x 1000,187.0,187,K/mcL,K/uL,2999 +663482312,2893348,2540,3,-polys,91.0,91,%,%,2590 +671696253,2893348,1468,4,bedside glucose,192.0,192,mg/dL,mg/dL,1470 +626011115,2893348,2985,1,creatinine,1.4,1.40,mg/dL,mg/dL,2999 +712010517,2893348,2973,7,Base Excess,14.0,14.0,mEq/L,mmol/L,2984 +663482313,2893348,2540,3,Hct,38.6,38.6,%,%,2590 +642557832,2893348,-1260,1,lactate,1.2,1.2,mmol/L,mmol/L,-1227 +626011122,2893348,2985,1,BUN,33.0,33,mg/dL,mg/dL,2999 +670430904,2893348,-1260,3,PT - INR,1.3,1.3,ratio,,-1235 +663482317,2893348,2540,3,WBC x 1000,10.5,10.5,K/mcL,K/uL,2590 +672300459,2893348,2573,4,bedside glucose,208.0,208,mg/dL,mg/dL,2575 +626011121,2893348,2985,1,chloride,93.0,93,mmol/L,mmol/L,2999 +712010516,2893348,2973,7,Temperature,37.0,37.0,°C,Deg C,2984 +663482311,2893348,2540,3,-basos,0.0,0,%,%,2590 +670009619,2893348,1035,3,RBC,4.32,4.32,M/mcL,M/uL,1067 +626011114,2893348,2985,1,potassium,3.3,3.3,mmol/L,mmol/L,2999 +637346596,2893348,2985,1,lactate,0.5,0.5,mmol/L,mmol/L,3016 +671423210,2893348,-801,4,bedside glucose,127.0,127,mg/dL,mg/dL,-757 +646859735,2893348,2985,1,magnesium,2.1,2.1,mg/dL,mg/dL,3060 +626011116,2893348,2985,1,anion gap,7.3,7.3,,mmol/L,2999 +712010513,2893348,2973,7,HCO3,40.3,40.3,mmol/L,mmol/L,2984 +663482310,2893348,2540,3,RBC,4.12,4.12,M/mcL,M/uL,2590 +672253638,2893348,-980,4,TSH,1.56,1.56,mcU/ml,uIU/mL,-930 +632407305,2893348,-1260,1,magnesium,1.8,1.8,mg/dL,mg/dL,-975 +670430903,2893348,-1260,3,PT,16.0,16.0,sec,sec,-1235 +633867813,2893348,-290,1,magnesium,2.0,2.0,mg/dL,mg/dL,-172 +114664505,436993,2420,3,-monos,12.0,12,%,%,2451 +114664507,436993,2420,3,platelets x 1000,171.0,171,K/mcL,K/uL,2451 +114664504,436993,2420,3,MCH,32.0,32,pg,pg,2451 +114664494,436993,2420,3,-lymphs,11.0,11,%,%,2451 +114664498,436993,2420,3,Hct,27.5,27.5,%,%,2451 +114664493,436993,2420,3,MPV,10.2,10.2,fL,fL,2451 +110495649,436993,2420,1,sodium,139.0,139,mmol/L,mmol/L,2522 +113398617,436993,3507,1,sodium,139.0,139,mmol/L,mmol/L,3623 +114664501,436993,2420,3,Hgb,9.1,9.1,g/dL,g/dL,2451 +113138231,436993,676,1,creatinine,1.6,1.60,mg/dL,mg/dL,763 +110495650,436993,2420,1,bicarbonate,23.0,23,mmol/L,mmol/L,2522 +113398623,436993,3507,1,BUN,20.0,20,mg/dL,mg/dL,3623 +114664499,436993,2420,3,-eos,3.0,3,%,%,2451 +113138232,436993,676,1,alkaline phos.,161.0,161,Units/L,IU/L,763 +110495652,436993,2420,1,glucose,95.0,95,mg/dL,mg/dL,2522 +113398618,436993,3507,1,potassium,3.9,3.9,mmol/L,mmol/L,3623 +114664506,436993,2420,3,MCHC,33.0,33,g/dL,g/dL,2451 +113138229,436993,676,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,763 +138517712,436993,38,7,Respiratory Rate,18.0,18.0,/min,b/min,38 +113398619,436993,3507,1,chloride,107.0,107,mmol/L,mmol/L,3623 +110495653,436993,2420,1,chloride,107.0,107,mmol/L,mmol/L,2522 +113138241,436993,676,1,glucose,107.0,107,mg/dL,mg/dL,763 +138517713,436993,38,7,pH,7.386,7.386,,,38 +113398622,436993,3507,1,glucose,83.0,83,mg/dL,mg/dL,3623 +114664503,436993,2420,3,RDW,14.4,14.4,%,%,2451 +113138233,436993,676,1,anion gap,10.0,10,,,763 +138517711,436993,38,7,O2 Content,15.7,15.7,mls/dL,mL/dL,38 +113398624,436993,3507,1,creatinine,1.2,1.20,mg/dL,mg/dL,3623 +110495647,436993,2420,1,creatinine,1.3,1.30,mg/dL,mg/dL,2522 +113138242,436993,676,1,chloride,107.0,107,mmol/L,mmol/L,763 +138517715,436993,38,7,O2 Sat (%),99.0,99.0,%,%,38 +113398631,436993,3507,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,3623 +106762471,436993,-693,1,BUN,28.0,28,mg/dL,mg/dL,-593 +114664500,436993,2420,3,MCV,97.0,97,fL,fL,2451 +138001019,436993,-333,7,paCO2,29.1,29.1,mm Hg,mmHg,-333 +113138230,436993,676,1,potassium,4.2,4.2,mmol/L,mmol/L,763 +106762470,436993,-693,1,chloride,105.0,105,mmol/L,mmol/L,-593 +138517716,436993,38,7,Base Excess,-1.7,-1.7,mEq/L,mmol/L,38 +138001017,436993,-333,7,paO2,63.3,63.3,mm Hg,mmHg,-333 +113398630,436993,3507,1,alkaline phos.,231.0,231,Units/L,IU/L,3623 +106762468,436993,-693,1,phosphate,3.6,3.6,mg/dL,mg/dL,-593 +110495654,436993,2420,1,BUN,22.0,22,mg/dL,mg/dL,2522 +138001016,436993,-333,7,FiO2,21.0,21.0,%,%,-333 +113138243,436993,676,1,BUN,22.0,22,mg/dL,mg/dL,763 +106762469,436993,-693,1,glucose,96.0,96,mg/dL,mg/dL,-593 +138517709,436993,38,7,Carboxyhemoglobin,0.3,0.3,%,%,38 +138001018,436993,-333,7,Carboxyhemoglobin,0.3,0.3,%,%,-333 +113398629,436993,3507,1,AST (SGOT),22.0,22,Units/L,IU/L,3623 +106762466,436993,-693,1,bicarbonate,24.0,24,mmol/L,mmol/L,-593 +114664502,436993,2420,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,2451 +138001020,436993,-333,7,O2 Content,15.4,15.4,mls/dL,mL/dL,-333 +113138238,436993,676,1,total protein,4.6,4.6,g/dL,g/dL,763 +136786764,436993,939,7,O2 Sat (%),99.4,99.4,%,%,939 +138517706,436993,38,7,Methemoglobin,0.2,0.2,%,%,38 +106762465,436993,-693,1,albumin,2.6,2.6,g/dL,g/dL,-593 +113398620,436993,3507,1,bicarbonate,22.0,22,mmol/L,mmol/L,3623 +136786752,436993,939,7,PEEP,5.0,5.0,cm H2O,cmH?O,939 +110495646,436993,2420,1,potassium,4.0,4.0,mmol/L,mmol/L,2522 +110955801,436993,-3360,1,glucose,112.0,112,mg/dL,mg/dL,-3302 +113138239,436993,676,1,calcium,7.7,7.7,mg/dL,mg/dL,763 +138001014,436993,-333,7,HCO3,23.8,23.8,mmol/L,mmol/L,-333 +138517705,436993,38,7,TV,450.0,450,mls,mL,38 +136786762,436993,939,7,pH,7.507,7.507,,,939 +113398628,436993,3507,1,ALT (SGPT),23.0,23,Units/L,IU/L,3623 +110955800,436993,-3360,1,calcium,8.5,8.5,mg/dL,mg/dL,-3302 +114664496,436993,2420,3,-basos,0.0,0,%,%,2451 +106762467,436993,-693,1,calcium,8.1,8.1,mg/dL,mg/dL,-593 +108189894,436993,2080,1,alkaline phos.,77.0,77,Units/L,IU/L,2237 +113138236,436993,676,1,albumin,2.2,2.2,g/dL,g/dL,763 +121009457,436993,-2106,3,MCH,32.0,32,pg,pg,-2039 +136786765,436993,939,7,Base Excess,0.3,0.3,mEq/L,mmol/L,939 +121009458,436993,-2106,3,-monos,10.0,10,%,%,-2039 +108189895,436993,2080,1,anion gap,13.0,13,,,2237 +121009455,436993,-2106,3,WBC x 1000,7.8,7.8,K/mcL,K/uL,-2039 +138517707,436993,38,7,FiO2,100.0,100.0,%,%,38 +120952096,436993,-693,3,RDW,14.7,14.7,%,%,-614 +110955802,436993,-3360,1,chloride,111.0,111,mmol/L,mmol/L,-3302 +121009456,436993,-2106,3,RDW,15.0,15.0,%,%,-2039 +108189905,436993,2080,1,BUN,116.0,116,mg/dL,mg/dL,2237 +121009448,436993,-2106,3,RBC,3.53,3.53,M/mcL,M/uL,-2039 +137225181,436993,-33,7,O2 Sat (%),99.2,99.2,%,%,-33 +121009459,436993,-2106,3,MCHC,33.0,33,g/dL,g/dL,-2039 +138001015,436993,-333,7,Methemoglobin,0.3,0.3,%,%,-333 +121009449,436993,-2106,3,-basos,0.0,0,%,%,-2039 +108189901,436993,2080,1,calcium,7.2,7.2,mg/dL,mg/dL,2237 +120952095,436993,-693,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,-614 +113398625,436993,3507,1,calcium,7.6,7.6,mg/dL,mg/dL,3623 +120952097,436993,-693,3,MCH,32.0,32,pg,pg,-614 +136786758,436993,939,7,paO2,173.8,173.8,mm Hg,mmHg,939 +121009454,436993,-2106,3,Hgb,11.3,11.3,g/dL,g/dL,-2039 +108189902,436993,2080,1,ALT (SGPT),29.0,29,Units/L,IU/L,2237 +120952092,436993,-693,3,-eos,5.0,5,%,%,-614 +136169539,436993,-95,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-95 +121009452,436993,-2106,3,-eos,6.0,6,%,%,-2039 +110955799,436993,-3360,1,bicarbonate,21.0,21,mmol/L,mmol/L,-3302 +121009460,436993,-2106,3,platelets x 1000,169.0,169,K/mcL,K/uL,-2039 +107758758,436993,-2106,1,potassium,4.0,4.0,mmol/L,mmol/L,-2036 +120952091,436993,-693,3,Hct,34.4,34.4,%,%,-614 +110495651,436993,2420,1,calcium,7.6,7.6,mg/dL,mg/dL,2522 +120952093,436993,-693,3,MCV,99.0,99,fL,fL,-614 +106762462,436993,-693,1,creatinine,1.9,1.90,mg/dL,mg/dL,-593 +118294289,436993,2080,3,MCV,93.0,93,fL,fL,2164 +108189900,436993,2080,1,total protein,4.3,4.3,g/dL,g/dL,2237 +109699355,436993,5120,1,total protein,5.3,5.3,g/dL,g/dL,5178 +137225172,436993,-33,7,HCO3,19.5,19.5,mmol/L,mmol/L,-33 +120952098,436993,-693,3,-monos,13.0,13,%,%,-614 +136786757,436993,939,7,FiO2,50.0,50.0,%,%,939 +118294290,436993,2080,3,Hgb,8.5,8.5,g/dL,g/dL,2164 +107758766,436993,-2106,1,glucose,87.0,87,mg/dL,mg/dL,-2036 +109699346,436993,5120,1,sodium,141.0,141,mmol/L,mmol/L,5178 +113138240,436993,676,1,ALT (SGPT),27.0,27,Units/L,IU/L,763 +120952090,436993,-693,3,-polys,65.0,65,%,%,-614 +110955798,436993,-3360,1,sodium,147.0,147,mmol/L,mmol/L,-3302 +118294293,436993,2080,3,MCH,30.0,30,pg,pg,2164 +108189899,436993,2080,1,bicarbonate,20.0,20,mmol/L,mmol/L,2237 +109699356,436993,5120,1,albumin,2.4,2.4,g/dL,g/dL,5178 +136169538,436993,-95,7,O2 Sat (%),93.6,93.6,%,%,-95 +120952099,436993,-693,3,MCHC,33.0,33,g/dL,g/dL,-614 +138001021,436993,-333,7,pH,7.531,7.531,,,-333 +118294286,436993,2080,3,-polys,90.0,90,%,%,2164 +107758768,436993,-2106,1,BUN,35.0,35,mg/dL,mg/dL,-2036 +109699348,436993,5120,1,chloride,105.0,105,mmol/L,mmol/L,5178 +138517702,436993,38,7,PEEP,5.0,5.0,cm H2O,cmH?O,38 +120952086,436993,-693,3,MPV,11.0,11.0,fL,fL,-614 +136786759,436993,939,7,Carboxyhemoglobin,0.6,0.6,%,%,939 +118294285,436993,2080,3,-basos,0.0,0,%,%,2164 +108189904,436993,2080,1,chloride,105.0,105,mmol/L,mmol/L,2237 +109699359,436993,5120,1,alkaline phos.,261.0,261,Units/L,IU/L,5178 +137225182,436993,-33,7,Base Excess,-6.0,-6.0,mEq/L,mmol/L,-33 +120952087,436993,-693,3,-lymphs,16.0,16,%,%,-614 +110955796,436993,-3360,1,creatinine,3.5,3.50,mg/dL,mg/dL,-3302 +118294287,436993,2080,3,Hct,26.7,26.7,%,%,2164 +107758765,436993,-2106,1,phosphate,4.0,4.0,mg/dL,mg/dL,-2036 +109699351,436993,5120,1,glucose,76.0,76,mg/dL,mg/dL,5178 +113398621,436993,3507,1,anion gap,10.0,10,,,3623 +121009447,436993,-2106,3,-lymphs,12.0,12,%,%,-2039 +106762461,436993,-693,1,potassium,4.2,4.2,mmol/L,mmol/L,-593 +118294283,436993,2080,3,-lymphs,5.0,5,%,%,2164 +108189892,436993,2080,1,potassium,5.3,5.3,mmol/L,mmol/L,2237 +109699353,436993,5120,1,creatinine,1.2,1.20,mg/dL,mg/dL,5178 +136169534,436993,-95,7,paCO2,41.4,41.4,mm Hg,mmHg,-95 +121009446,436993,-2106,3,MPV,10.9,10.9,fL,fL,-2039 +136786756,436993,939,7,Methemoglobin,0.1,0.1,%,%,939 +118294284,436993,2080,3,RBC,2.88,2.88,M/mcL,M/uL,2164 +107758761,436993,-2106,1,sodium,144.0,144,mmol/L,mmol/L,-2036 +109699352,436993,5120,1,BUN,19.0,19,mg/dL,mg/dL,5178 +114664495,436993,2420,3,RBC,2.84,2.84,M/mcL,M/uL,2451 +120952100,436993,-693,3,platelets x 1000,189.0,189,K/mcL,K/uL,-614 +110955795,436993,-3360,1,potassium,4.7,4.7,mmol/L,mmol/L,-3302 +118294294,436993,2080,3,-monos,5.0,5,%,%,2164 +108189898,436993,2080,1,albumin,1.8,1.8,g/dL,g/dL,2237 +109699354,436993,5120,1,calcium,8.2,8.2,mg/dL,mg/dL,5178 +137225173,436993,-33,7,Methemoglobin,0.3,0.3,%,%,-33 +120072830,436993,676,3,MPV,10.5,10.5,fL,fL,727 +138001023,436993,-333,7,O2 Sat (%),92.8,92.8,%,%,-333 +120952089,436993,-693,3,-basos,0.0,0,%,%,-614 +107758767,436993,-2106,1,chloride,109.0,109,mmol/L,mmol/L,-2036 +120072831,436993,676,3,-lymphs,9.0,9,%,%,727 +113138237,436993,676,1,bicarbonate,22.0,22,mmol/L,mmol/L,763 +118294282,436993,2080,3,MPV,10.7,10.7,fL,fL,2164 +136786760,436993,939,7,paCO2,29.4,29.4,mm Hg,mmHg,939 +120072832,436993,676,3,RBC,3.19,3.19,M/mcL,M/uL,727 +108189903,436993,2080,1,glucose,266.0,266,mg/dL,mg/dL,2237 +109699347,436993,5120,1,potassium,3.7,3.7,mmol/L,mmol/L,5178 +136169535,436993,-95,7,O2 Content,15.7,15.7,mls/dL,mL/dL,-95 +120072840,436993,676,3,RDW,14.4,14.4,%,%,727 +110955803,436993,-3360,1,BUN,37.0,37,mg/dL,mg/dL,-3302 +120952088,436993,-693,3,RBC,3.49,3.49,M/mcL,M/uL,-614 +107758760,436993,-2106,1,anion gap,11.0,11,,,-2036 +120072841,436993,676,3,MCH,32.0,32,pg,pg,727 +138517704,436993,38,7,HCO3,23.1,23.1,mmol/L,mmol/L,38 +120274981,436993,3507,3,platelets x 1000,205.0,205,K/mcL,K/uL,3631 +106762463,436993,-693,1,anion gap,12.0,12,,,-593 +118294288,436993,2080,3,-eos,0.0,0,%,%,2164 +108189896,436993,2080,1,AST (SGOT),25.0,25,Units/L,IU/L,2237 +120072842,436993,676,3,-monos,12.0,12,%,%,727 +137225178,436993,-33,7,O2 Content,16.6,16.6,mls/dL,mL/dL,-33 +120274979,436993,3507,3,MCHC,33.0,33,g/dL,g/dL,3631 +136786753,436993,939,7,Pressure Support,15.0,15,cm H2O,,939 +109699357,436993,5120,1,ALT (SGPT),22.0,22,Units/L,IU/L,5178 +107758762,436993,-2106,1,albumin,2.7,2.7,g/dL,g/dL,-2036 +120072843,436993,676,3,MCHC,33.0,33,g/dL,g/dL,727 +113398626,436993,3507,1,total protein,4.6,4.6,g/dL,g/dL,3623 +120274978,436993,3507,3,MCH,32.0,32,pg,pg,3631 +110955797,436993,-3360,1,anion gap,15.0,15,,,-3302 +121009450,436993,-2106,3,-polys,72.0,72,%,%,-2039 +108189891,436993,2080,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,2237 +120072844,436993,676,3,platelets x 1000,218.0,218,K/mcL,K/uL,727 +136169536,436993,-95,7,pH,7.351,7.351,,,-95 +120274982,436993,3507,3,MPV,10.5,10.5,fL,fL,3631 +138001024,436993,-333,7,Base Excess,1.9,1.9,mEq/L,mmol/L,-333 +118294296,436993,2080,3,platelets x 1000,264.0,264,K/mcL,K/uL,2164 +107758764,436993,-2106,1,calcium,8.2,8.2,mg/dL,mg/dL,-2036 +120072839,436993,676,3,WBC x 1000,8.9,8.9,K/mcL,K/uL,727 +110495648,436993,2420,1,anion gap,9.0,9,,,2522 +120274980,436993,3507,3,RDW,14.2,14.2,%,%,3631 +136786761,436993,939,7,O2 Content,14.5,14.5,mls/dL,mL/dL,939 +109699349,436993,5120,1,bicarbonate,23.0,23,mmol/L,mmol/L,5178 +108189893,436993,2080,1,creatinine,2.0,2.00,mg/dL,mg/dL,2237 +109547977,436993,6573,1,bicarbonate,24.0,24,mmol/L,mmol/L,6638 +120072834,436993,676,3,-polys,78.0,78,%,%,727 +137225174,436993,-33,7,FiO2,100.0,100.0,%,%,-33 +109547978,436993,6573,1,anion gap,12.0,12,,,6638 +120274983,436993,3507,3,-polys,75.0,75,%,%,3631 +125467347,436993,2080,4,uric acid,5.4,5.4,mg/dL,mg/dL,2194 +109547979,436993,6573,1,glucose,96.0,96,mg/dL,mg/dL,6638 +121009451,436993,-2106,3,Hct,34.7,34.7,%,%,-2039 +107758759,436993,-2106,1,creatinine,2.5,2.50,mg/dL,mg/dL,-2036 +109547980,436993,6573,1,BUN,17.0,17,mg/dL,mg/dL,6638 +120072835,436993,676,3,Hct,30.8,30.8,%,%,727 +113138235,436993,676,1,sodium,139.0,139,mmol/L,mmol/L,763 +138924047,436993,2155,7,paCO2,31.4,31.4,mm Hg,mmHg,2155 +120274973,436993,3507,3,WBC x 1000,6.8,6.8,K/mcL,K/uL,3631 +106762464,436993,-693,1,sodium,141.0,141,mmol/L,mmol/L,-593 +109547974,436993,6573,1,sodium,141.0,141,mmol/L,mmol/L,6638 +118294295,436993,2080,3,MCHC,32.0,32,g/dL,g/dL,2164 +108189897,436993,2080,1,sodium,138.0,138,mmol/L,mmol/L,2237 +138924048,436993,2155,7,O2 Content,13.4,13.4,mls/dL,mL/dL,2155 +120072837,436993,676,3,MCV,97.0,97,fL,fL,727 +136169529,436993,-95,7,HCO3,22.4,22.4,mmol/L,mmol/L,-95 +138066628,436993,651,7,TV,450.0,450,mls,mL,651 +120274984,436993,3507,3,-lymphs,11.0,11,%,%,3631 +136786755,436993,939,7,HCO3,22.8,22.8,mmol/L,mmol/L,939 +109547984,436993,6573,1,albumin,2.7,2.7,g/dL,g/dL,6638 +109699358,436993,5120,1,AST (SGOT),24.0,24,Units/L,IU/L,5178 +107758763,436993,-2106,1,bicarbonate,24.0,24,mmol/L,mmol/L,-2036 +138066627,436993,651,7,HCO3,21.5,21.5,mmol/L,mmol/L,651 +120072836,436993,676,3,-eos,2.0,2,%,%,727 +138517708,436993,38,7,paO2,148.4,148.4,mm Hg,mmHg,38 +138924049,436993,2155,7,pH,7.435,7.435,,,2155 +120274976,436993,3507,3,Hct,27.0,27.0,%,%,3631 +115311647,436993,6573,3,RDW,14.3,14.3,%,%,6621 +107414508,436993,38,1,bicarbonate,22.0,22,mmol/L,mmol/L,65 +121009453,436993,-2106,3,MCV,98.0,98,fL,fL,-2039 +137225175,436993,-33,7,paO2,175.6,175.6,mm Hg,mmHg,-33 +138066625,436993,651,7,PEEP,5.0,5.0,cm H2O,cmH?O,651 +112172043,436993,-3360,1,prealbumin,14.1,14.1,mg/dL,mg/dL,-1529 +115311645,436993,6573,3,MCH,32.0,32,pg,pg,6621 +109547975,436993,6573,1,potassium,3.6,3.6,mmol/L,mmol/L,6638 +120274975,436993,3507,3,Hgb,8.9,8.9,g/dL,g/dL,3631 +113398627,436993,3507,1,albumin,2.1,2.1,g/dL,g/dL,3623 +107414509,436993,38,1,calcium,7.8,7.8,mg/dL,mg/dL,65 +118294291,436993,2080,3,WBC x 1000,5.8,5.8,K/mcL,K/uL,2164 +115311646,436993,6573,3,MCHC,34.0,34,g/dL,g/dL,6621 +138066629,436993,651,7,Methemoglobin,0.3,0.3,%,%,651 +116853869,436993,-4550,3,-lymphs,6.0,6,%,%,-4444 +136169532,436993,-95,7,paO2,76.5,76.5,mm Hg,mmHg,-95 +138924046,436993,2155,7,Carboxyhemoglobin,0.3,0.3,%,%,2155 +120072838,436993,676,3,Hgb,10.1,10.1,g/dL,g/dL,727 +115311642,436993,6573,3,Hgb,10.6,10.6,g/dL,g/dL,6621 +107414510,436993,38,1,glucose,124.0,124,mg/dL,mg/dL,65 +116853868,436993,-4550,3,MPV,11.1,11.1,fL,fL,-4444 +114664497,436993,2420,3,-polys,75.0,75,%,%,2451 +138066630,436993,651,7,FiO2,100.0,100.0,%,%,651 +120274987,436993,3507,3,-basos,0.0,0,%,%,3631 +120619233,436993,38,3,Hct,31.0,31.0,%,%,57 +109547976,436993,6573,1,chloride,105.0,105,mmol/L,mmol/L,6638 +116853870,436993,-4550,3,RBC,3.73,3.73,M/mcL,M/uL,-4444 +137225176,436993,-33,7,Carboxyhemoglobin,0.3,0.3,%,%,-33 +107414507,436993,38,1,sodium,139.0,139,mmol/L,mmol/L,65 +109699350,436993,5120,1,anion gap,13.0,13,,,5178 +115311643,436993,6573,3,Hct,31.2,31.2,%,%,6621 +138066631,436993,651,7,paO2,236.2,236.2,mm Hg,mmHg,651 +116853881,436993,-4550,3,MCHC,33.0,33,g/dL,g/dL,-4444 +116641919,436993,-2106,3,PT - INR,1.2,1.2,ratio,,-2050 +138924045,436993,2155,7,paO2,87.2,87.2,mm Hg,mmHg,2155 +108086060,436993,-3360,1,magnesium,1.9,1.9,mg/dL,mg/dL,-3210 +120619234,436993,38,3,MCV,101.0,101,fL,fL,57 +107414511,436993,38,1,chloride,107.0,107,mmol/L,mmol/L,65 +116853872,436993,-4550,3,-polys,84.0,84,%,%,-4444 +136169531,436993,-95,7,FiO2,50.0,50.0,%,%,-95 +138066636,436993,651,7,pH,7.495,7.495,,,651 +120274974,436993,3507,3,RBC,2.78,2.78,M/mcL,M/uL,3631 +115311648,436993,6573,3,platelets x 1000,306.0,306,K/mcL,K/uL,6621 +109547981,436993,6573,1,creatinine,1.1,1.10,mg/dL,mg/dL,6638 +116853882,436993,-4550,3,platelets x 1000,197.0,197,K/mcL,K/uL,-4444 +106231762,436993,-3360,1,phosphate,4.7,4.7,mg/dL,mg/dL,-3210 +107414505,436993,38,1,creatinine,1.6,1.60,mg/dL,mg/dL,65 +120952094,436993,-693,3,Hgb,11.3,11.3,g/dL,g/dL,-614 +120619235,436993,38,3,Hgb,10.1,10.1,g/dL,g/dL,57 +138066639,436993,651,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,651 +116853871,436993,-4550,3,-basos,0.0,0,%,%,-4444 +137225179,436993,-33,7,pH,7.324,7.324,,,-33 +138924043,436993,2155,7,HCO3,20.6,20.6,mmol/L,mmol/L,2155 +120072833,436993,676,3,-basos,0.0,0,%,%,727 +115311644,436993,6573,3,MCV,95.0,95,fL,fL,6621 +107414504,436993,38,1,potassium,4.0,4.0,mmol/L,mmol/L,65 +116853877,436993,-4550,3,WBC x 1000,9.7,9.7,K/mcL,K/uL,-4444 +113138234,436993,676,1,AST (SGOT),18.0,18,Units/L,IU/L,763 +138066638,436993,651,7,O2 Sat (%),99.6,99.6,%,%,651 +120274977,436993,3507,3,MCV,97.0,97,fL,fL,3631 +120619240,436993,38,3,platelets x 1000,180.0,180,K/mcL,K/uL,57 +109547983,436993,6573,1,phosphate,3.0,3.0,mg/dL,mg/dL,6638 +116853878,436993,-4550,3,RDW,15.2,15.2,%,%,-4444 +136169533,436993,-95,7,Carboxyhemoglobin,0.1,0.1,%,%,-95 +125345791,436993,-1270,4,WBC's in urine,11.0,11,,/HPF,-1225 +118294292,436993,2080,3,RDW,15.9,15.9,%,%,2164 +115311640,436993,6573,3,WBC x 1000,6.8,6.8,K/mcL,K/uL,6621 +138066633,436993,651,7,paCO2,28.5,28.5,mm Hg,mmHg,651 +116853873,436993,-4550,3,Hct,37.1,37.1,%,%,-4444 +138517710,436993,38,7,paCO2,39.4,39.4,mm Hg,mmHg,38 +107267768,436993,-4550,1,troponin - I,0.07,0.07,ng/mL,ng/mL,-4427 +116168394,436993,-3360,3,Fe,22.0,22,mcg/dL,mcg/dL,-3210 +120619236,436993,38,3,WBC x 1000,9.1,9.1,K/mcL,K/uL,57 +107414506,436993,38,1,anion gap,10.0,10,,,65 +116853879,436993,-4550,3,MCH,33.0,33,pg,pg,-4444 +137225177,436993,-33,7,paCO2,38.3,38.3,mm Hg,mmHg,-33 +138066634,436993,651,7,O2 Content,15.6,15.6,mls/dL,mL/dL,651 +120274986,436993,3507,3,-eos,3.0,3,%,%,3631 +115311641,436993,6573,3,RBC,3.27,3.27,M/mcL,M/uL,6621 +109547982,436993,6573,1,calcium,8.3,8.3,mg/dL,mg/dL,6638 +116853880,436993,-4550,3,-monos,8.0,8,%,%,-4444 +116641918,436993,-2106,3,PT,15.9,15.9,sec,Seconds,-2050 +115495997,436993,-3360,3,Ferritin,152.0,152.0,ng/mL,ng/mL,-3144 +109699360,436993,5120,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,5178 +120619238,436993,38,3,MCH,33.0,33,pg,pg,57 +138066635,436993,651,7,Respiratory Rate,18.0,18.0,/min,b/min,651 +136821662,436993,1198,7,Base Excess,0.6,0.6,mEq/L,mmol/L,1198 +136169530,436993,-95,7,Methemoglobin,0.3,0.3,%,%,-95 +138924044,436993,2155,7,Methemoglobin,0.3,0.3,%,%,2155 +116853875,436993,-4550,3,MCV,100.0,100,fL,fL,-4444 +126802277,436993,-3360,4,uric acid,10.6,10.6,mg/dL,mg/dL,-3210 +124460937,436993,-4550,3,PT - INR,1.5,1.5,ratio,,-4441 +136821661,436993,1198,7,O2 Sat (%),98.9,98.9,%,%,1198 +112781680,436993,-4550,1,bicarbonate,25.0,25,mmol/L,mmol/L,-4439 +107414512,436993,38,1,BUN,23.0,23,mg/dL,mg/dL,65 +114419419,436993,-4550,1,creatinine,4.2,4.20,mg/dL,mg/dL,-4439 +120619237,436993,38,3,RDW,14.4,14.4,%,%,57 +136856287,436993,2155,7,Base Excess,-2.9,-2.9,mEq/L,mmol/L,2155 +136821657,436993,1198,7,paCO2,31.7,31.7,mm Hg,mmHg,1198 +112875351,436993,-4550,1,glucose,113.0,113,mg/dL,mg/dL,-4439 +123488190,436993,-4550,3,PTT,37.6,37.6,sec,Seconds,-4441 +126004656,436993,-1270,4,urinary specific gravity,1.021,1.021,,,-1228 +115311649,436993,6573,3,MPV,9.9,9.9,fL,fL,6621 +138066632,436993,651,7,Carboxyhemoglobin,0.3,0.3,%,%,651 +136821656,436993,1198,7,Carboxyhemoglobin,0.8,0.8,%,%,1198 +112781679,436993,-4550,1,anion gap,14.0,14,,,-4439 +136856286,436993,2155,7,O2 Sat (%),96.1,96.1,%,%,2155 +116853876,436993,-4550,3,Hgb,12.2,12.2,g/dL,g/dL,-4444 +120619239,436993,38,3,MCHC,33.0,33,g/dL,g/dL,57 +124460936,436993,-4550,3,PT,18.6,18.6,sec,Seconds,-4441 +136821658,436993,1198,7,O2 Content,13.2,13.2,mls/dL,mL/dL,1198 +135481743,436993,1035,7,paCO2,29.6,29.6,mm Hg,mmHg,1035 +113564964,436993,-4550,1,potassium,4.8,4.8,mmol/L,mmol/L,-4439 +135481736,436993,1035,7,Pressure Support,8.0,8,cm H2O,,1035 +136821659,436993,1198,7,pH,7.489,7.489,,,1198 +135481741,436993,1035,7,paO2,127.6,127.6,mm Hg,mmHg,1035 +120274985,436993,3507,3,-monos,12.0,12,%,%,3631 +135481740,436993,1035,7,FiO2,50.0,50.0,%,%,1035 +136821653,436993,1198,7,Methemoglobin,0.0,0.0,%,%,1198 +135481739,436993,1035,7,Methemoglobin,0.1,0.1,%,%,1035 +116853874,436993,-4550,3,-eos,1.0,1,%,%,-4444 +135481747,436993,1035,7,O2 Sat (%),98.9,98.9,%,%,1035 +136821654,436993,1198,7,FiO2,40.0,40.0,%,%,1198 +135481744,436993,1035,7,O2 Content,14.6,14.6,mls/dL,mL/dL,1035 +108652970,436993,5120,1,magnesium,1.5,1.5,mg/dL,mg/dL,5178 +135481742,436993,1035,7,Carboxyhemoglobin,0.8,0.8,%,%,1035 +114177503,436993,-4550,1,chloride,107.0,107,mmol/L,mmol/L,-4439 +135481735,436993,1035,7,PEEP,5.0,5.0,cm H2O,cmH?O,1035 +136821655,436993,1198,7,paO2,124.3,124.3,mm Hg,mmHg,1198 +135481745,436993,1035,7,pH,7.513,7.513,,,1035 +107463055,436993,2228,1,phosphate,5.0,5.0,mg/dL,mg/dL,2237 +135481748,436993,1035,7,Base Excess,0.9,0.9,mEq/L,mmol/L,1035 +109152179,436993,-3360,1,albumin,3.1,3.1,g/dL,g/dL,-3210 +135481738,436993,1035,7,HCO3,23.3,23.3,mmol/L,mmol/L,1035 +106313570,436993,3507,1,phosphate,3.3,3.3,mg/dL,mg/dL,3626 +124171491,436993,38,3,MPV,10.2,10.2,fL,fL,57 +124523684,436993,-3360,3,TIBC,264.0,264,mcg/dL,mcg/dL,-3199 +106638640,436993,-4550,1,sodium,146.0,146,mmol/L,mmol/L,-4439 +113259744,436993,-4550,1,BUN,35.0,35,mg/dL,mg/dL,-4439 +125563274,436993,28,4,bedside glucose,124.0,124,mg/dL,mg/dL,28 +136821652,436993,1198,7,HCO3,23.6,23.6,mmol/L,mmol/L,1198 +124171492,436993,38,3,RBC,3.06,3.06,M/mcL,M/uL,57 +500719641,2233403,-123,3,-monos,5.0,5,%,%,11 +500719642,2233403,-123,3,MCHC,33.6,33.6,g/dL,%,11 +500719631,2233403,-123,3,RBC,3.11,3.11,M/mcL,M/uL,11 +500719643,2233403,-123,3,platelets x 1000,162.0,162,K/mcL,K/uL,11 +500719633,2233403,-123,3,-polys,92.0,92,%,%,11 +500719640,2233403,-123,3,MCH,28.9,28.9,pg,pg,11 +500719634,2233403,-123,3,Hct,26.8,26.8,%,%,11 +500719639,2233403,-123,3,RDW,14.8,14.8,%,%,11 +500719630,2233403,-123,3,-lymphs,3.0,3,%,%,11 +500719635,2233403,-123,3,-eos,0.0,0,%,%,11 +509880963,2233403,102,3,Hgb,7.7,7.7,g/dL,g/dL,106 +500719636,2233403,-123,3,MCV,86.2,86.2,fL,fL,11 +490264101,2233403,-123,1,ionized calcium,4.47,4.47,mg/dL,mg/dL,8 +500719629,2233403,-123,3,MPV,11.1,11.1,fL,fL,11 +511406881,2233403,-123,3,PT - INR,1.2,1.2,ratio,,19 +488391066,2233403,39,1,troponin - T,0.04,0.04,ng/mL,ng/mL,96 +500719637,2233403,-123,3,Hgb,9.0,9.0,g/dL,g/dL,11 +509880962,2233403,102,3,Hct,22.2,22.2,%,%,106 +488553170,2233403,94,1,lactate,1.2,1.2,mmol/L,mmol/L,116 +500719632,2233403,-123,3,-basos,0.0,0,%,%,11 +511406880,2233403,-123,3,PT,15.3,15.3,sec,Seconds,19 +513975069,2233403,39,4,CRP,1.9,1.9,mg/dL,mg/dL,94 +500719638,2233403,-123,3,WBC x 1000,27.1,27.1,K/mcL,K/uL,11 +161046894,827084,742,1,anion gap,12.0,12,,,781 +169047129,827084,72,3,RBC,2.6,2.60,M/mcL,M/MM3,99 +161046896,827084,742,1,sodium,144.0,144,mmol/L,mmol/L,781 +169047130,827084,72,3,Hct,22.6,22.6,%,%,99 +161046895,827084,742,1,AST (SGOT),17.0,17,Units/L,IU/L,781 +225755107,827084,30,7,TV,550.0,550,mls,,30 +161046897,827084,742,1,albumin,1.5,1.5,g/dL,g/dL,781 +169047131,827084,72,3,MCV,87.0,87,fL,fL,99 +161046898,827084,742,1,bicarbonate,19.0,19,mmol/L,mmol/L,781 +152269683,827084,122,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,165 +170750743,827084,2077,3,MCHC,33.1,33.1,g/dL,g/dL,2112 +225755108,827084,30,7,FiO2,50.0,50,%,%,30 +161046899,827084,742,1,total protein,4.3,4.3,g/dL,g/dL,781 +152269695,827084,122,1,glucose,115.0,115,mg/dL,mg/dL,165 +170750744,827084,2077,3,platelets x 1000,63.0,63,K/mcL,K/MM3,2112 +169047132,827084,72,3,Hgb,7.3,7.3,g/dL,g/dL,99 +161046890,827084,742,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,781 +152269684,827084,122,1,potassium,3.1,3.1,mmol/L,mmol/L,165 +170750742,827084,2077,3,MCH,28.8,28.8,pg,pg,2112 +225755105,827084,30,7,PEEP,5.0,5,cm H2O,,30 +161046891,827084,742,1,potassium,4.3,4.3,mmol/L,mmol/L,781 +152269692,827084,122,1,total protein,3.9,3.9,g/dL,g/dL,165 +170750739,827084,2077,3,Hgb,8.5,8.5,g/dL,g/dL,2112 +169047133,827084,72,3,WBC x 1000,3.1,3.1,K/mcL,K/MM3,99 +161046893,827084,742,1,alkaline phos.,73.0,73,Units/L,IU/L,781 +152269693,827084,122,1,calcium,6.9,6.9,mg/dL,mg/dL,165 +170750741,827084,2077,3,RDW,20.4,20.4,%,%,2112 +225755115,827084,30,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,30 +161046904,827084,742,1,BUN,62.0,62,mg/dL,mg/dL,781 +152269696,827084,122,1,chloride,108.0,108,mmol/L,mmol/L,165 +170750740,827084,2077,3,WBC x 1000,7.3,7.3,K/mcL,K/MM3,2112 +169047134,827084,72,3,RDW,24.3,24.3,%,%,99 +225295698,827084,771,7,PEEP,5.0,5,cm H2O,,771 +152269694,827084,122,1,ALT (SGPT),28.0,28,Units/L,IU/L,165 +161046892,827084,742,1,creatinine,1.63,1.63,mg/dL,mg/dL,781 +225755106,827084,30,7,HCO3,22.0,22,mmol/L,mmol/L,30 +225295708,827084,771,7,Base Excess,-4.0,-4.0,mEq/L,mmol/L,771 +152269685,827084,122,1,creatinine,1.47,1.47,mg/dL,mg/dL,165 +170750736,827084,2077,3,RBC,2.95,2.95,M/mcL,M/MM3,2112 +169047135,827084,72,3,MCH,28.1,28.1,pg,pg,99 +225295706,827084,771,7,O2 Sat (%),98.0,98,%,%,771 +152269691,827084,122,1,bicarbonate,26.0,26,mmol/L,mmol/L,165 +161046901,827084,742,1,ALT (SGPT),28.0,28,Units/L,IU/L,781 +225755109,827084,30,7,paO2,71.0,71,mm Hg,mmHg,30 +225295699,827084,771,7,HCO3,20.0,20,mmol/L,mmol/L,771 +152269689,827084,122,1,sodium,143.0,143,mmol/L,mmol/L,165 +170750735,827084,2077,3,MPV,10.2,10.2,fL,fL,2112 +169047136,827084,72,3,MCHC,32.3,32.3,g/dL,g/dL,99 +225295701,827084,771,7,FiO2,50.0,50,%,%,771 +167923934,827084,187,3,platelets x 1000,107.0,107,K/mcL,K/MM3,207 +161046902,827084,742,1,glucose,149.0,149,mg/dL,mg/dL,781 +152269690,827084,122,1,albumin,1.7,1.7,g/dL,g/dL,165 +225295703,827084,771,7,paCO2,32.0,32,mm Hg,mmHg,771 +167923926,827084,187,3,RBC,2.4,2.40,M/mcL,M/MM3,207 +170750737,827084,2077,3,Hct,25.7,25.7,%,%,2112 +225755110,827084,30,7,paCO2,33.0,33,mm Hg,mmHg,30 +225295702,827084,771,7,paO2,105.0,105,mm Hg,mmHg,771 +167923927,827084,187,3,Hct,20.9,20.9,%,%,207 +161046900,827084,742,1,calcium,7.1,7.1,mg/dL,mg/dL,781 +152269687,827084,122,1,anion gap,9.0,9,,,165 +225295700,827084,771,7,TV,550.0,550,mls,,771 +167923930,827084,187,3,WBC x 1000,3.9,3.9,K/mcL,K/MM3,207 +170750738,827084,2077,3,MCV,87.0,87,fL,fL,2112 +169047137,827084,72,3,platelets x 1000,110.0,110,K/mcL,K/MM3,99 +225295704,827084,771,7,pH,7.4,7.40,,,771 +167923931,827084,187,3,RDW,24.4,24.4,%,%,207 +161046903,827084,742,1,chloride,113.0,113,mmol/L,mmol/L,781 +190215580,827084,1930,4,bedside glucose,104.0,104,mg/dL,mg/dL,1930 +152269686,827084,122,1,alkaline phos.,69.0,69,Units/L,IU/L,165 +191352644,827084,15,4,bedside glucose,106.0,106,mg/dL,mg/dL,15 +187485963,827084,243,4,bedside glucose,97.0,97,mg/dL,mg/dL,243 +167923929,827084,187,3,Hgb,6.7,6.7,g/dL,g/dL,207 +161849350,827084,742,1,magnesium,2.6,2.6,mg/dL,mg/dL,781 +225755111,827084,30,7,pH,7.43,7.43,,,30 +142925593,827084,122,1,phosphate,4.3,4.3,mg/dL,mg/dL,165 +167923932,827084,187,3,MCH,27.9,27.9,pg,pg,207 +188412800,827084,1122,4,bedside glucose,145.0,145,mg/dL,mg/dL,1122 +190880012,827084,647,4,bedside glucose,135.0,135,mg/dL,mg/dL,647 +142234560,827084,122,1,magnesium,2.3,2.3,mg/dL,mg/dL,165 +152269688,827084,122,1,AST (SGOT),13.0,13,Units/L,IU/L,165 +157766544,827084,30,1,lactate,0.9,0.9,mmol/L,mmol/L,30 +179656197,827084,742,3,Hct,30.3,30.3,%,%,817 +142587207,827084,307,1,lactate,1.5,1.5,mmol/L,mmol/L,347 +190744391,827084,2338,4,bedside glucose,89.0,89,mg/dL,mg/dL,2338 +167923925,827084,187,3,MPV,10.8,10.8,fL,fL,207 +155236589,827084,2077,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,2123 +179656196,827084,742,3,RBC,3.57,3.57,M/mcL,M/MM3,817 +155236590,827084,2077,1,potassium,4.0,4.0,mmol/L,mmol/L,2123 +169047128,827084,72,3,MPV,10.3,10.3,fL,fL,99 +155236594,827084,2077,1,AST (SGOT),16.0,16,Units/L,IU/L,2123 +179656199,827084,742,3,Hgb,10.4,10.4,g/dL,g/dL,817 +155236596,827084,2077,1,albumin,1.4,1.4,g/dL,g/dL,2123 +167923933,827084,187,3,MCHC,32.1,32.1,g/dL,g/dL,207 +155236591,827084,2077,1,creatinine,1.82,1.82,mg/dL,mg/dL,2123 +179656198,827084,742,3,MCV,85.0,85,fL,fL,817 +155236602,827084,2077,1,chloride,116.0,116,mmol/L,mmol/L,2123 +152269697,827084,122,1,BUN,59.0,59,mg/dL,mg/dL,165 +155236593,827084,2077,1,anion gap,11.0,11,,,2123 +179656204,827084,742,3,platelets x 1000,81.0,81,K/mcL,K/MM3,817 +155236600,827084,2077,1,ALT (SGPT),24.0,24,Units/L,IU/L,2123 +167923928,827084,187,3,MCV,87.0,87,fL,fL,207 +155236601,827084,2077,1,glucose,96.0,96,mg/dL,mg/dL,2123 +179656203,827084,742,3,MCHC,34.3,34.3,g/dL,g/dL,817 +155236597,827084,2077,1,bicarbonate,21.0,21,mmol/L,mmol/L,2123 +188492222,827084,2133,4,bedside glucose,96.0,96,mg/dL,mg/dL,2133 +155236598,827084,2077,1,total protein,4.4,4.4,g/dL,g/dL,2123 +179656200,827084,742,3,WBC x 1000,7.9,7.9,K/mcL,K/MM3,817 +155236599,827084,2077,1,calcium,7.7,7.7,mg/dL,mg/dL,2123 +225755113,827084,30,7,O2 Sat (%),95.0,95,%,%,30 +155236603,827084,2077,1,BUN,65.0,65,mg/dL,mg/dL,2123 +179656202,827084,742,3,MCH,29.1,29.1,pg,pg,817 +155236592,827084,2077,1,alkaline phos.,79.0,79,Units/L,IU/L,2123 +189065323,827084,412,4,bedside glucose,110.0,110,mg/dL,mg/dL,412 +155236595,827084,2077,1,sodium,148.0,148,mmol/L,mmol/L,2123 +179656201,827084,742,3,RDW,19.0,19.0,%,%,817 +188966576,827084,1705,4,bedside glucose,110.0,110,mg/dL,mg/dL,1705 +191716237,827084,1434,4,bedside glucose,136.0,136,mg/dL,mg/dL,1434 +189009937,827084,888,4,bedside glucose,143.0,143,mg/dL,mg/dL,888 +144674921,827084,742,1,phosphate,4.9,4.9,mg/dL,mg/dL,781 +225200025,827084,23,7,FiO2,100.0,100,%,%,23 +94274136,405746,2013,3,MCHC,34.0,34,g/dL,g/dl,2101 +94274137,405746,2013,3,platelets x 1000,275.0,275,K/mcL,K/cmm,2101 +94274135,405746,2013,3,MCH,28.0,28,pg,uug,2101 +94274138,405746,2013,3,-lymphs,14.0,14,%,%,2122 +94165538,405746,12068,3,-polys,64.0,64,%,%,12201 +94165539,405746,12068,3,-lymphs,27.0,27,%,%,12201 +94165541,405746,12068,3,-eos,2.0,2,%,%,12201 +94165540,405746,12068,3,-monos,6.0,6,%,%,12201 +94165536,405746,12068,3,platelets x 1000,455.0,455,K/mcL,K/cmm,12176 +94274133,405746,2013,3,WBC x 1000,8.1,8.1,K/mcL,K/cmm,2101 +94165537,405746,12068,3,RDW,28.1,28.1,%,%,12176 +94274139,405746,2013,3,-basos,,1,%,ug/L,2122 +94165542,405746,12068,3,-basos,,1,%,ug/L,12201 +91812709,405746,-1363,3,MCHC,30.4,30.4,g/dL,g/dl,-1368 +94274134,405746,2013,3,RDW,23.7,23.7,%,%,2101 +82840226,405746,-1368,1,BUN,11.0,11,mg/dL,mg/dl,-1368 +94165531,405746,12068,3,Hgb,8.4,8.4,g/dL,g/dl,12176 +91812710,405746,-1363,3,platelets x 1000,354.0,354,K/mcL,K/cmm,-1368 +88610050,405746,9188,3,RBC,2.9,2.90,M/mcL,M/cmm,9286 +82840225,405746,-1368,1,chloride,104.6,104.6,mmol/L,meq/L,-1368 +94165532,405746,12068,3,Hct,27.0,27.0,%,%,12176 +91859906,405746,4253,3,PTT,23.6,23.6,sec,sec,4284 +88610051,405746,9188,3,Hgb,7.8,7.8,g/dL,g/dl,9286 +82840222,405746,-1368,1,bicarbonate,24.6,24.6,mmol/L,meq/L,-1368 +91026658,405746,1233,3,platelets x 1000,162.0,162,K/mcL,K/cmm,1286 +94165533,405746,12068,3,MCV,85.0,85,fL,fl,12176 +91812707,405746,-1363,3,WBC x 1000,9.1,9.1,K/mcL,K/cmm,-1368 +91080102,405746,1233,3,platelets x 1000,162.0,162,K/mcL,K/cmm,1287 +88610049,405746,9188,3,WBC x 1000,6.7,6.7,K/mcL,K/cmm,9286 +82840223,405746,-1368,1,ionized calcium,1.28,1.28,mg/dL,mmol/L,-1368 +91026659,405746,1233,3,PT,13.4,13.4,sec,sec,1347 +94165534,405746,12068,3,MCH,26.0,26,pg,uug,12176 +91812708,405746,-1363,3,MCH,25.5,25.5,pg,uug,-1368 +91080101,405746,1233,3,MCHC,32.0,32,g/dL,g/dl,1287 +88610062,405746,9188,3,-basos,,1,%,ug/L,9460 +82840224,405746,-1368,1,glucose,90.0,90,mg/dL,mg/dl,-1368 +91080100,405746,1233,3,MCH,26.0,26,pg,uug,1287 +94165530,405746,12068,3,RBC,3.19,3.19,M/mcL,M/cmm,12176 +91812702,405746,-1363,3,RBC,3.22,3.22,M/mcL,M/cmm,-1368 +91080096,405746,1233,3,MCV,81.0,81,fL,fl,1287 +88610052,405746,9188,3,Hct,24.0,24.0,%,%,9286 +82840219,405746,-1368,1,potassium,3.98,3.98,mmol/L,meq/L,-1368 +91080097,405746,1233,3,Hgb,7.9,7.9,g/dL,g/dl,1287 +94274130,405746,2013,3,Hct,23.2,23.2,%,%,2101 +91812704,405746,-1363,3,Hct,27.0,27.0,%,%,-1368 +91080094,405746,1233,3,RBC,3.07,3.07,M/mcL,M/cmm,1287 +88610057,405746,9188,3,RDW,28.0,28.0,%,%,9286 +82840220,405746,-1368,1,creatinine,0.7,0.7,mg/dL,mg/dl,-1368 +91080099,405746,1233,3,RDW,23.5,23.5,%,%,1287 +94274131,405746,2013,3,MCV,81.0,81,fL,fl,2101 +91812705,405746,-1363,3,MCV,83.9,83.9,fL,fl,-1368 +91080098,405746,1233,3,WBC x 1000,10.0,10.0,K/mcL,K/cmm,1287 +88610056,405746,9188,3,platelets x 1000,417.0,417,K/mcL,K/cmm,9286 +82840221,405746,-1368,1,sodium,138.9,138.9,mmol/L,meq/L,-1368 +91080095,405746,1233,3,Hct,25.0,25.0,%,%,1287 +94274129,405746,2013,3,RBC,2.89,2.89,M/mcL,M/cmm,2101 +95255734,405746,10591,3,PT - INR,1.2,1.2,ratio,,10724 +91026660,405746,1233,3,fibrinogen,69.0,69,mg/dL,mg/dl,1362 +88610058,405746,9188,3,-polys,68.0,68,%,%,9460 +91812706,405746,-1363,3,Hgb,8.2,8.2,g/dL,g/dl,-1368 +91026662,405746,1233,3,PTT,27.7,27.7,sec,sec,1347 +94274140,405746,2013,3,-polys,78.0,78,%,%,2122 +95255733,405746,10591,3,PT,12.4,12.4,sec,sec,10724 +91026661,405746,1233,3,PT - INR,1.3,1.3,ratio,,1347 +88610059,405746,9188,3,-lymphs,22.0,22,%,%,9460 +97250966,405746,1443,4,BNP,90.8,90.8,pg/mL,pg/mL,1533 +88587636,405746,953,3,platelets x 1000,271.0,271,K/mcL,K/cmm,971 +87465566,405746,1443,1,creatinine,1.15,1.15,mg/dL,mg/dl,1533 +94274141,405746,2013,3,-eos,1.0,1,%,%,2122 +88287621,405746,1443,3,ESR,46.0,46,mm/hr,mm/hr.,1511 +88587635,405746,953,3,MCHC,33.0,33,g/dL,g/dl,971 +93304525,405746,14895,3,-basos,,1,%,ug/L,15014 +88610055,405746,9188,3,MCHC,32.0,32,g/dL,g/dl,9286 +93304524,405746,14895,3,-eos,1.0,1,%,%,15014 +88587633,405746,953,3,RDW,23.4,23.4,%,%,971 +93304522,405746,14895,3,-lymphs,27.0,27,%,%,15014 +94165529,405746,12068,3,WBC x 1000,5.8,5.8,K/mcL,K/cmm,12176 +93304520,405746,14895,3,RDW,28.9,28.9,%,%,14994 +88587634,405746,953,3,MCH,27.0,27,pg,uug,971 +93304521,405746,14895,3,-polys,64.0,64,%,%,15014 +88610060,405746,9188,3,-monos,7.0,7,%,%,9460 +93304512,405746,14895,3,WBC x 1000,5.3,5.3,K/mcL,K/cmm,14994 +88502200,405746,13919,3,PTT,52.5,52.5,sec,sec,13955 +93304523,405746,14895,3,-monos,7.0,7,%,%,15014 +94274132,405746,2013,3,Hgb,8.0,8.0,g/dL,g/dl,2101 +93304514,405746,14895,3,Hgb,8.3,8.3,g/dL,g/dl,14994 +88587631,405746,953,3,Hgb,8.1,8.1,g/dL,g/dl,971 +93304513,405746,14895,3,RBC,2.93,2.93,M/mcL,M/cmm,14994 +88610054,405746,9188,3,MCH,27.0,27,pg,uug,9286 +93304515,405746,14895,3,Hct,24.6,24.6,%,%,14994 +90647045,405746,723,3,PT,16.9,16.9,sec,sec,787 +93304516,405746,14895,3,MCV,84.0,84,fL,fl,14994 +94165535,405746,12068,3,MCHC,31.0,31,g/dL,g/dl,12176 +93304517,405746,14895,3,MCH,28.0,28,pg,uug,14994 +88587632,405746,953,3,WBC x 1000,9.7,9.7,K/mcL,K/cmm,971 +93304519,405746,14895,3,platelets x 1000,411.0,411,K/mcL,K/cmm,14994 +89629712,405746,12068,3,PTT,47.8,47.8,sec,sec,12229 +93304518,405746,14895,3,MCHC,34.0,34,g/dL,g/dl,14994 +90647046,405746,723,3,PT - INR,1.6,1.6,ratio,,787 +93523190,405746,10591,3,PTT,57.0,57.0,sec,sec,10713 +88645817,405746,3453,3,fibrinogen,189.0,189,mg/dL,mg/dl,3515 +92411572,405746,14253,3,PTT,59.5,59.5,sec,sec,14302 +88587630,405746,953,3,MCV,80.0,80,fL,fl,971 +92720451,405746,9188,3,PTT,62.5,62.5,sec,sec,9301 +94274142,405746,2013,3,-monos,6.0,6,%,%,2122 +84780251,405746,2013,1,sodium,137.0,137,mmol/L,meq/L,2123 +92985645,405746,-322,3,PTT,24.1,24.1,sec,sec,-7 +84780250,405746,2013,1,creatinine,1.07,1.07,mg/dL,mg/dl,2123 +89713274,405746,7726,3,PTT,62.7,62.7,sec,sec,7785 +84780249,405746,2013,1,potassium,3.8,3.8,mmol/L,meq/L,2123 +88587628,405746,953,3,RBC,3.04,3.04,M/mcL,M/cmm,971 +84780254,405746,2013,1,glucose,85.0,85,mg/dL,mg/dl,2123 +88610053,405746,9188,3,MCV,83.0,83,fL,fl,9286 +88457579,405746,2013,3,PTT,26.4,26.4,sec,sec,2121 +90592840,405746,-322,3,Ferritin,160.9,160.9,ng/mL,ng/ml,1304 +84780255,405746,2013,1,chloride,104.0,104,mmol/L,meq/L,2123 +89113805,405746,9188,3,PT - INR,1.1,1.1,ratio,,9301 +88457576,405746,2013,3,PT,11.8,11.8,sec,sec,2121 +88587629,405746,953,3,Hct,24.4,24.4,%,%,971 +84780253,405746,2013,1,calcium,8.6,8.6,mg/dL,mg/dl,2123 +88610061,405746,9188,3,-eos,2.0,2,%,%,9460 +88457577,405746,2013,3,fibrinogen,131.0,131,mg/dL,mg/dl,2137 +89969714,405746,453,3,PTT,39.6,39.6,sec,sec,503 +84780252,405746,2013,1,bicarbonate,25.0,25.0,mmol/L,meq/L,2123 +89113804,405746,9188,3,PT,11.7,11.7,sec,sec,9301 +88457578,405746,2013,3,PT - INR,1.1,1.1,ratio,,2121 +88405970,405746,453,3,fibrinogen,44.0,44,mg/dL,mg/dl,509 +94095178,405746,6433,3,-polys,79.0,79,%,%,6532 +91081517,405746,3453,3,platelets x 1000,304.0,304,K/mcL,K/cmm,3496 +84780256,405746,2013,1,BUN,12.0,12,mg/dL,mg/dl,2123 +91565159,405746,4908,3,-monos,5.0,5,%,%,4997 +94095177,405746,6433,3,RDW,25.8,25.8,%,%,6508 +90921497,405746,7726,3,Hct,25.6,25.6,%,%,7797 +88410055,405746,14895,3,PT,24.4,24.4,sec,sec,15006 +91565158,405746,4908,3,-lymphs,15.0,15,%,%,4997 +94095179,405746,6433,3,-lymphs,14.0,14,%,%,6532 +91081515,405746,3453,3,-monos,6.0,6,%,%,3531 +92734076,405746,9675,3,PTT,60.0,60.0,sec,sec,9758 +91565156,405746,4908,3,RDW,24.4,24.4,%,%,4971 +94095180,405746,6433,3,-monos,5.0,5,%,%,6532 +91081516,405746,3453,3,MCHC,33.0,33,g/dL,g/dl,3496 +88410056,405746,14895,3,PT - INR,2.2,2.2,ratio,,15006 +91565155,405746,4908,3,platelets x 1000,307.0,307,K/mcL,K/cmm,4971 +89716805,405746,7231,3,PTT,53.1,53.1,sec,sec,7483 +90921498,405746,7726,3,MCV,82.0,82,fL,fl,7797 +94095175,405746,6433,3,MCHC,33.0,33,g/dL,g/dl,6508 +91565151,405746,4908,3,Hct,23.6,23.6,%,%,4971 +88119088,405746,4908,3,fibrinogen,215.0,215,mg/dL,mg/dl,4980 +90921499,405746,7726,3,MCH,27.0,27,pg,uug,7797 +94095181,405746,6433,3,-eos,1.0,1,%,%,6532 +91565152,405746,4908,3,MCV,81.0,81,fL,fl,4971 +94131711,405746,133,3,RDW,23.8,23.8,%,%,188 +90921495,405746,7726,3,RBC,3.11,3.11,M/mcL,M/cmm,7797 +94095174,405746,6433,3,MCH,27.0,27,pg,uug,6508 +91565153,405746,4908,3,MCH,26.0,26,pg,uug,4971 +94131712,405746,133,3,MCH,26.0,26,pg,uug,188 +90921494,405746,7726,3,WBC x 1000,7.6,7.6,K/mcL,K/cmm,7797 +94095176,405746,6433,3,platelets x 1000,350.0,350,K/mcL,K/cmm,6508 +91565148,405746,4908,3,WBC x 1000,8.1,8.1,K/mcL,K/cmm,4971 +94131709,405746,133,3,Hgb,8.5,8.5,g/dL,g/dl,188 +90921496,405746,7726,3,Hgb,8.3,8.3,g/dL,g/dl,7797 +94095171,405746,6433,3,Hgb,8.0,8.0,g/dL,g/dl,6508 +91565149,405746,4908,3,RBC,2.91,2.91,M/mcL,M/cmm,4971 +94131710,405746,133,3,WBC x 1000,7.4,7.4,K/mcL,K/cmm,188 +90921507,405746,7726,3,-basos,,1,%,ug/L,7797 +94095170,405746,6433,3,RBC,3.01,3.01,M/mcL,M/cmm,6508 +91565161,405746,4908,3,-basos,,1,%,ug/L,4997 +94131707,405746,133,3,Hct,26.8,26.8,%,%,188 +91081513,405746,3453,3,RDW,24.0,24.0,%,%,3496 +94095173,405746,6433,3,MCV,81.0,81,fL,fl,6508 +91565157,405746,4908,3,-polys,78.0,78,%,%,4997 +94131708,405746,133,3,MCV,81.0,81,fL,fl,188 +90921500,405746,7726,3,MCHC,32.0,32,g/dL,g/dl,7797 +94095169,405746,6433,3,WBC x 1000,9.0,9.0,K/mcL,K/cmm,6508 +91565160,405746,4908,3,-eos,1.0,1,%,%,4997 +94131713,405746,133,3,MCHC,32.0,32,g/dL,g/dl,188 +91081507,405746,3453,3,-polys,75.0,75,%,%,3531 +94095172,405746,6433,3,Hct,24.4,24.4,%,%,6508 +91565150,405746,4908,3,Hgb,7.7,7.7,g/dL,g/dl,4971 +94131706,405746,133,3,RBC,3.31,3.31,M/mcL,M/cmm,188 +91081508,405746,3453,3,Hct,23.5,23.5,%,%,3496 +94095182,405746,6433,3,-basos,,1,%,ug/L,6532 +91565154,405746,4908,3,MCHC,33.0,33,g/dL,g/dl,4971 +94131714,405746,133,3,platelets x 1000,292.0,292,K/mcL,K/cmm,188 +91081506,405746,3453,3,-basos,,1,%,ug/L,3531 +92355620,405746,133,3,fibrinogen,341.0,341,mg/dL,mg/dl,195 +93601588,405746,653,3,Hct,24.0,24.0,%,%,690 +93934004,405746,723,3,fibrinogen,37.0,37,mg/dL,mg/dl,765 +91081505,405746,3453,3,RBC,2.91,2.91,M/mcL,M/cmm,3496 +88913124,405746,13353,3,MCHC,33.0,33,g/dL,g/dl,13486 +93601587,405746,653,3,RBC,2.98,2.98,M/mcL,M/cmm,690 +88913120,405746,13353,3,Hgb,8.8,8.8,g/dL,g/dl,13486 +91081510,405746,3453,3,MCV,81.0,81,fL,fl,3496 +88913119,405746,13353,3,RBC,3.16,3.16,M/mcL,M/cmm,13486 +93601589,405746,653,3,MCV,81.0,81,fL,fl,690 +88913127,405746,13353,3,-polys,70.0,70,%,%,13510 +91081509,405746,3453,3,-eos,1.0,1,%,%,3531 +93170445,405746,398,3,platelets x 1000,300.0,300,K/mcL,K/cmm,419 +93601590,405746,653,3,Hgb,7.7,7.7,g/dL,g/dl,690 +88819782,405746,13353,3,PT - INR,1.6,1.6,ratio,,13489 +90921503,405746,7726,3,-polys,70.0,70,%,%,7797 +93170440,405746,398,3,WBC x 1000,11.5,11.5,K/mcL,K/cmm,419 +94349525,405746,-1363,3,-polys,79.0,79,%,%,-1320 +88819781,405746,13353,3,PT,17.4,17.4,sec,sec,13489 +90921504,405746,7726,3,-lymphs,22.0,22,%,%,7797 +93170438,405746,398,3,MCV,80.0,80,fL,fl,419 +93601591,405746,653,3,WBC x 1000,10.0,10.0,K/mcL,K/cmm,690 +88913128,405746,13353,3,-lymphs,22.0,22,%,%,13510 +90921501,405746,7726,3,platelets x 1000,398.0,398,K/mcL,K/cmm,7797 +93170441,405746,398,3,RDW,23.8,23.8,%,%,419 +94349526,405746,-1363,3,-eos,1.0,1,%,%,-1320 +88913129,405746,13353,3,-monos,6.0,6,%,%,13510 +91081511,405746,3453,3,Hgb,7.8,7.8,g/dL,g/dl,3496 +93170439,405746,398,3,Hgb,8.0,8.0,g/dL,g/dl,419 +93601595,405746,653,3,platelets x 1000,277.0,277,K/mcL,K/cmm,690 +88913118,405746,13353,3,WBC x 1000,6.2,6.2,K/mcL,K/cmm,13486 +90921505,405746,7726,3,-monos,6.0,6,%,%,7797 +93170442,405746,398,3,MCH,26.0,26,pg,uug,419 +94349527,405746,-1363,3,-monos,6.0,6,%,%,-1320 +88913123,405746,13353,3,MCH,28.0,28,pg,uug,13486 +90921502,405746,7726,3,RDW,26.7,26.7,%,%,7797 +93170443,405746,398,3,-monos,3.0,3,%,%,507 +90282631,405746,6433,3,PT - INR,1.0,1.0,ratio,,6519 +88913125,405746,13353,3,platelets x 1000,467.0,467,K/mcL,K/cmm,13486 +91081504,405746,3453,3,-lymphs,17.0,17,%,%,3531 +93170444,405746,398,3,MCHC,32.0,32,g/dL,g/dl,419 +94349523,405746,-1363,3,-lymphs,14.0,14,%,%,-1320 +88913126,405746,13353,3,RDW,28.2,28.2,%,%,13486 +91081514,405746,3453,3,MCH,27.0,27,pg,uug,3496 +93170435,405746,398,3,-polys,87.0,87,%,%,507 +93601594,405746,653,3,MCHC,32.0,32,g/dL,g/dl,690 +88913130,405746,13353,3,-eos,1.0,1,%,%,13510 +91081512,405746,3453,3,WBC x 1000,7.9,7.9,K/mcL,K/cmm,3496 +93170436,405746,398,3,Hct,24.9,24.9,%,%,419 +90206577,405746,8300,3,PT,10.8,10.8,sec,sec,8337 +88913122,405746,13353,3,MCV,84.0,84,fL,fl,13486 +90921506,405746,7726,3,-eos,1.0,1,%,%,7797 +93170437,405746,398,3,-bands,2.0,2,%,%,507 +90282630,405746,6433,3,PT,10.6,10.6,sec,sec,6519 +88913131,405746,13353,3,-basos,,1,%,ug/L,13510 +91415896,405746,10591,3,-basos,,1,%,ug/L,10780 +93170433,405746,398,3,-lymphs,5.0,5,%,%,507 +94768066,405746,5663,3,PTT,26.1,26.1,sec,sec,5747 +88913121,405746,13353,3,Hct,26.5,26.5,%,%,13486 +91415889,405746,10591,3,MCHC,32.0,32,g/dL,g/dl,10715 +91001834,405746,953,3,PT - INR,1.4,1.4,ratio,,992 +93601592,405746,653,3,RDW,24.1,24.1,%,%,690 +93170434,405746,398,3,RBC,3.13,3.13,M/mcL,M/cmm,419 +91415890,405746,10591,3,platelets x 1000,427.0,427,K/mcL,K/cmm,10715 +91336296,405746,13353,3,PTT,67.9,67.9,sec,sec,13489 +90206578,405746,8300,3,PT - INR,1.0,1.0,ratio,,8337 +89406350,405746,4683,3,PTT,24.0,24.0,sec,sec,5205 +91415888,405746,10591,3,MCH,27.0,27,pg,uug,10715 +94934904,405746,3453,3,PT,10.8,10.8,sec,sec,3515 +89768242,405746,6433,3,fibrinogen,252.0,252,mg/dL,mg/dl,6519 +91001833,405746,953,3,PT,15.5,15.5,sec,sec,992 +91415891,405746,10591,3,RDW,28.5,28.5,%,%,10715 +90092587,405746,10173,3,PTT,52.9,52.9,sec,sec,10218 +94349524,405746,-1363,3,-basos,,1,%,ug/L,-1320 +94793720,405746,12068,3,PT,14.2,14.2,sec,sec,12229 +91415887,405746,10591,3,MCV,83.0,83,fL,fl,10715 +93893729,405746,-322,3,Hct,31.7,31.7,%,%,33 +91119932,405746,6433,3,PTT,41.7,41.7,sec,sec,6521 +94934905,405746,3453,3,PT - INR,1.0,1.0,ratio,,3515 +91415886,405746,10591,3,Hct,24.7,24.7,%,%,10715 +93893728,405746,-322,3,RBC,3.95,3.95,M/mcL,M/cmm,33 +89443419,405746,8300,3,PTT,63.3,63.3,sec,sec,8337 +94793721,405746,12068,3,PT - INR,1.3,1.3,ratio,,12229 +91415892,405746,10591,3,-polys,68.0,68,%,%,10780 +93893730,405746,-322,3,MCV,80.0,80,fL,fl,33 +93601593,405746,653,3,MCH,26.0,26,pg,uug,690 +94453858,405746,-322,3,PT - INR,0.9,0.9,ratio,,-7 +91415893,405746,10591,3,-lymphs,24.0,24,%,%,10780 +93893731,405746,-322,3,Hgb,9.7,9.7,g/dL,g/dl,33 +90657391,405746,133,3,PTT,22.4,22.4,sec,sec,195 +94471595,405746,14644,3,PTT,68.5,68.5,sec,sec,14702 +91415884,405746,10591,3,RBC,2.97,2.97,M/mcL,M/cmm,10715 +93893733,405746,-322,3,RDW,23.7,23.7,%,%,33 +90127269,405746,6913,3,PTT,47.8,47.8,sec,sec,6969 +89569402,405746,953,3,PTT,29.4,29.4,sec,sec,992 +91415885,405746,10591,3,Hgb,7.9,7.9,g/dL,g/dl,10715 +93893736,405746,-322,3,platelets x 1000,321.0,321,K/mcL,K/cmm,33 +94589491,405746,953,3,fibrinogen,53.0,53,mg/dL,mg/dl,993 +91507719,405746,-322,3,fibrinogen,475.0,475,mg/dL,mg/dl,-7 +91415883,405746,10591,3,WBC x 1000,6.1,6.1,K/mcL,K/cmm,10715 +93893734,405746,-322,3,MCH,24.0,24,pg,uug,33 +96654474,405746,1233,4,CRP,6.1,6.10,mg/dL,mg/dl,1333 +95204034,405746,723,3,PTT,34.4,34.4,sec,sec,764 +91415894,405746,10591,3,-monos,6.0,6,%,%,10780 +93893732,405746,-322,3,WBC x 1000,8.7,8.7,K/mcL,K/cmm,33 +92887102,405746,6135,3,PTT,39.7,39.7,sec,sec,6187 +94453857,405746,-322,3,PT,9.9,9.9,sec,sec,-7 +91415895,405746,10591,3,-eos,1.0,1,%,%,10780 +93893735,405746,-322,3,MCHC,30.0,30,g/dL,g/dl,33 +512561377,2233402,366,3,PT,16.1,16.1,sec,Seconds,411 +509868741,2233402,409,3,Hgb,6.6,6.6,g/dL,g/dL,422 +512561378,2233402,366,3,PT - INR,1.3,1.3,ratio,,411 +492297545,2233402,196,1,lactate,1.7,1.7,mmol/L,mmol/L,224 +509625226,2233402,196,3,Hct,17.2,17.2,%,%,208 +509868740,2233402,409,3,Hct,19.8,19.8,%,%,422 +509625227,2233402,196,3,Hgb,5.6,5.6,g/dL,g/dL,208 +783887313,3193216,879,3,platelets x 1000,179.0,179,K/mcL,TH/cmm,832 +783887305,3193216,879,3,RBC,3.56,3.56,M/mcL,M/cmm,832 +783887304,3193216,879,3,MPV,9.9,9.9,fL,fl,832 +783887312,3193216,879,3,MCHC,33.9,33.9,g/dL,%,832 +783887306,3193216,879,3,Hct,32.8,32.8,%,%,832 +787806977,3193216,-156,7,Base Excess,-1.1,-1.1,mEq/L,mmol/L,-162 +783887309,3193216,879,3,WBC x 1000,7.5,7.5,K/mcL,TH/cmm,832 +786092546,3193216,2359,3,MPV,9.4,9.4,fL,fl,2303 +787806976,3193216,-156,7,pH,7.4,7.40,,,-162 +786092547,3193216,2359,3,RBC,3.36,3.36,M/mcL,M/cmm,2303 +783887311,3193216,879,3,MCH,31.2,31.2,pg,pg,832 +786092548,3193216,2359,3,Hct,31.2,31.2,%,%,2303 +787806972,3193216,-156,7,HCO3,23.5,23.5,mmol/L,mmol/L,-162 +786092549,3193216,2359,3,MCV,92.8,92.8,fL,fl,2303 +783887308,3193216,879,3,Hgb,11.1,11.1,g/dL,g/dL,832 +786092550,3193216,2359,3,Hgb,10.2,10.2,g/dL,g/dL,2303 +787806974,3193216,-156,7,paO2,163.0,163,mm Hg,mm/hg,-162 +786092551,3193216,2359,3,WBC x 1000,9.1,9.1,K/mcL,TH/cmm,2303 +783887310,3193216,879,3,RDW,13.3,13.3,%,,832 +786092554,3193216,2359,3,MCHC,32.6,32.6,g/dL,%,2303 +787806973,3193216,-156,7,FiO2,39.0,39,%,%,-162 +786092555,3193216,2359,3,platelets x 1000,176.0,176,K/mcL,TH/cmm,2303 +783887307,3193216,879,3,MCV,92.2,92.2,fL,fl,832 +778240636,3193216,901,1,BUN,17.0,17.0,mg/dL,mg/dL,832 +787806975,3193216,-156,7,paCO2,38.0,38.0,mm Hg,mm/hg,-162 +786092553,3193216,2359,3,MCH,30.2,30.2,pg,pg,2303 +778240629,3193216,901,1,creatinine,0.82,0.82,mg/dL,mg/dL,832 +787072234,3193216,-156,4,bedside glucose,108.0,108,mg/dL,mg/dL,-162 +778366509,3193216,-156,1,ionized calcium,4.6092,1.15,mg/dL,mmol/L,-162 +778240635,3193216,901,1,chloride,104.0,104,mmol/L,mmol/L,832 +781660634,3193216,2369,1,potassium,4.0,4.0,mmol/L,mmol/L,2303 +778240633,3193216,901,1,calcium,8.8,8.8,mg/dL,mg/dL,832 +781660641,3193216,2369,1,chloride,107.0,107,mmol/L,mmol/L,2303 +778240634,3193216,901,1,glucose,151.0,151,mg/dL,mg/dL,832 +781660642,3193216,2369,1,BUN,22.0,22.0,mg/dL,mg/dL,2303 +778123475,3193216,2369,1,phosphate,2.4,2.4,mg/dL,mg/dL,2303 +781660635,3193216,2369,1,creatinine,0.94,0.94,mg/dL,mg/dL,2303 +778240632,3193216,901,1,bicarbonate,20.0,20,mmol/L,mmol/L,832 +781660639,3193216,2369,1,calcium,9.4,9.4,mg/dL,mg/dL,2303 +778240630,3193216,901,1,anion gap,12.0,12.0,,mmol/L,832 +781660638,3193216,2369,1,bicarbonate,21.0,21,mmol/L,mmol/L,2303 +778240631,3193216,901,1,sodium,136.0,136,mmol/L,mmol/L,832 +781764581,3193216,2369,1,magnesium,1.9,1.9,mg/dL,mg/dL,2303 +778240628,3193216,901,1,potassium,4.0,4.0,mmol/L,mmol/L,832 +781660640,3193216,2369,1,glucose,148.0,148,mg/dL,mg/dL,2303 +778487014,3193216,-156,1,potassium,3.7,3.7,mmol/L,mmol/L,-162 +781660636,3193216,2369,1,anion gap,11.0,11.0,,mmol/L,2303 +779910636,3193216,-156,1,lactate,0.9,0.9,mmol/L,MMOL/L,-162 +782267835,3193216,414,2,Phenytoin,15.0,15.0,mcg/mL,mcg/mL,364 +778456001,3193216,-156,1,sodium,138.0,138,mmol/L,mmol/L,-162 +781660637,3193216,2369,1,sodium,139.0,139,mmol/L,mmol/L,2303 +786092552,3193216,2359,3,RDW,13.3,13.3,%,,2303 +55052982,217837,723,3,MCH,31.9,31.9,pg,pg,739 +55052983,217837,723,3,MCHC,31.5,31.5,g/dL,g/dL,739 +43369991,217837,723,1,total protein,5.9,5.9,g/dL,g/dL,757 +55052985,217837,723,3,platelets x 1000,318.0,318,K/mcL,K/mcL,739 +43369992,217837,723,1,albumin,2.8,2.8,g/dL,g/dL,757 +55052984,217837,723,3,RDW,13.5,13.5,%,%,739 +43369983,217837,723,1,glucose,104.0,104,mg/dL,mg/dL,757 +55052986,217837,723,3,-polys,67.0,67,%,%,739 +43369980,217837,723,1,chloride,105.0,105,mmol/L,mmol/L,757 +55052977,217837,723,3,WBC x 1000,10.8,10.8,K/mcL,K/mcL,739 +43369981,217837,723,1,bicarbonate,31.0,31,mmol/L,mmol/L,757 +55052978,217837,723,3,RBC,3.51,3.51,M/mcL,mil/mcL,739 +43369982,217837,723,1,anion gap,9.0,9,,mmol/L,757 +55052979,217837,723,3,Hgb,11.2,11.2,g/dL,g/dL,739 +43369986,217837,723,1,calcium,8.1,8.1,mg/dL,mg/dL,757 +55052980,217837,723,3,Hct,35.5,35.5,%,%,739 +43369987,217837,723,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,757 +55052987,217837,723,3,-lymphs,22.0,22,%,%,739 +43369988,217837,723,1,AST (SGOT),53.0,53,Units/L,Units/L,757 +55052981,217837,723,3,MCV,101.1,101.1,fL,fl,739 +43369990,217837,723,1,alkaline phos.,96.0,96,Units/L,Units/L,757 +55052988,217837,723,3,-monos,10.0,10,%,%,739 +43369979,217837,723,1,potassium,4.9,4.9,mmol/L,mmol/L,757 +55052989,217837,723,3,-eos,1.0,1,%,%,739 +43369984,217837,723,1,BUN,20.0,20,mg/dL,mg/dL,757 +54269341,217837,3623,3,Hct,34.7,34.7,%,%,3641 +50814503,217837,723,3,PT - INR,1.0,1.0,ratio,,749 +56299080,217837,2208,3,PT - INR,1.3,1.3,ratio,,2231 +43369985,217837,723,1,creatinine,1.1,1.10,mg/dL,mg/dL,757 +51221389,217837,3623,3,PT - INR,1.7,1.7,ratio,,3655 +56604279,217837,3623,3,PT,18.3,18.3,sec,sec,3655 +55052990,217837,723,3,-basos,0.0,0,%,%,739 +50529440,217837,2208,3,Hgb,11.4,11.4,g/dL,g/dL,2218 +56299079,217837,2208,3,PT,13.2,13.2,sec,sec,2231 +43369989,217837,723,1,ALT (SGPT),37.0,37,Units/L,Units/L,757 +50814502,217837,723,3,PT,10.4,10.4,sec,sec,749 +59091919,217837,832,4,bedside glucose,126.0,126,mg/dL,mg/dL,916 +54269340,217837,3623,3,Hgb,10.8,10.8,g/dL,g/dL,3641 +50529441,217837,2208,3,Hct,36.1,36.1,%,%,2218 +59191282,217837,262,4,bedside glucose,211.0,211,mg/dL,mg/dL,270 +43369978,217837,723,1,sodium,140.0,140,mmol/L,mmol/L,757 +77674458,257802,-262,3,-eos,3.9,3.9,%,%,-248 +77674459,257802,-262,3,MCV,80.0,80.0,fL,fL,-248 +71535547,257802,3944,1,BUN,18.0,18,mg/dL,mg/dL,3975 +77674460,257802,-262,3,Hgb,11.5,11.5,g/dL,g/dL,-248 +71535548,257802,3944,1,creatinine,0.8,0.8,mg/dL,mg/dL,3975 +77674461,257802,-262,3,WBC x 1000,5.4,5.4,K/mcL,K/uL,-248 +71535546,257802,3944,1,glucose,122.0,122,mg/dL,mg/dL,3975 +77674455,257802,-262,3,-basos,0.7,0.7,%,%,-248 +71535544,257802,3944,1,anion gap,7.0,7,,mmol/L,3975 +76497659,257802,-262,3,platelets x 1000,181.0,181,K/mcL,K/uL,-248 +71535541,257802,3944,1,potassium,3.9,3.9,mmol/L,mmol/L,3975 +72170995,257802,2885,1,bicarbonate,25.0,25,mmol/L,mmol/L,2915 +69218572,257802,1020,1,sodium,138.0,138,mmol/L,mmol/L,1039 +77674456,257802,-262,3,-polys,60.5,60.5,%,%,-248 +71535540,257802,3944,1,sodium,143.0,143,mmol/L,mmol/L,3975 +72170994,257802,2885,1,chloride,105.0,105,mmol/L,mmol/L,2915 +69218573,257802,1020,1,bicarbonate,20.0,20,mmol/L,mmol/L,1039 +76497658,257802,-262,3,MCHC,31.9,31.9,g/dL,g/dL,-248 +71535543,257802,3944,1,bicarbonate,27.0,27,mmol/L,mmol/L,3975 +72170993,257802,2885,1,potassium,3.9,3.9,mmol/L,mmol/L,2915 +69218571,257802,1020,1,anion gap,11.0,11,,mmol/L,1039 +77674453,257802,-262,3,-lymphs,21.3,21.3,%,%,-248 +71535542,257802,3944,1,chloride,109.0,109,mmol/L,mmol/L,3975 +72170992,257802,2885,1,sodium,137.0,137,mmol/L,mmol/L,2915 +69218574,257802,1020,1,chloride,107.0,107,mmol/L,mmol/L,1039 +76497657,257802,-262,3,-monos,13.2,13.2,%,%,-248 +71535545,257802,3944,1,calcium,8.7,8.7,mg/dL,mg/dL,3975 +72170998,257802,2885,1,glucose,134.0,134,mg/dL,mg/dL,2915 +69218570,257802,1020,1,potassium,4.2,4.2,mmol/L,mmol/L,1039 +77674454,257802,-262,3,RBC,4.51,4.51,M/mcL,M/uL,-248 +80889018,257802,1550,7,FiO2,21.0,21,%,%,1550 +72491761,257802,3758,1,sodium,140.0,140,mmol/L,mmol/L,3774 +72170996,257802,2885,1,anion gap,7.0,7,,mmol/L,2915 +75339203,257802,-262,3,PTT,33.0,33,sec,Sec,-242 +76497655,257802,-262,3,RDW,16.8,16.8,%,%,-248 +75339202,257802,-262,3,PT - INR,0.9,0.9,ratio,,-242 +72171000,257802,2885,1,creatinine,0.9,0.9,mg/dL,mg/dL,2915 +75339201,257802,-262,3,PT,12.6,12.6,sec,Sec,-242 +77674457,257802,-262,3,Hct,36.1,36.1,%,%,-248 +71570207,257802,-262,1,bicarbonate,23.0,23,mmol/L,mmol/L,-236 +72170997,257802,2885,1,calcium,8.5,8.5,mg/dL,mg/dL,2915 +71570206,257802,-262,1,sodium,136.0,136,mmol/L,mmol/L,-236 +80669483,257802,70,7,FiO2,28.0,28,%,%,152 +71570208,257802,-262,1,calcium,9.3,9.3,mg/dL,mg/dL,-236 +78382582,257802,4116,4,urinary osmolality,241.0,241,mOsm/L,mOsm/Kg,4201 +71570203,257802,-262,1,potassium,4.1,4.1,mmol/L,mmol/L,-236 +76497656,257802,-262,3,MCH,25.5,25.5,pg,pg,-248 +71570204,257802,-262,1,creatinine,1.0,1.0,mg/dL,mg/dL,-236 +72170999,257802,2885,1,BUN,17.0,17,mg/dL,mg/dL,2915 +71570205,257802,-262,1,anion gap,9.0,9,,mmol/L,-236 +80669484,257802,70,7,LPM O2,2.0,2,L/min,L/min,152 +71570209,257802,-262,1,glucose,107.0,107,mg/dL,mg/dL,-236 +78382581,257802,4116,4,urinary sodium,70.0,70,mmol/L,mmol/L,4130 +71570210,257802,-262,1,chloride,104.0,104,mmol/L,mmol/L,-236 +78447003,257802,4148,4,serum osmolality,290.0,290,mOsm/kg H2O,mOsm/Kg,4202 +71570211,257802,-262,1,BUN,30.0,30,mg/dL,mg/dL,-236 +78516726,257802,3945,4,urinary specific gravity,1.006,1.006,,,3990 +747331031,3122442,-8126,1,anion gap,7.0,7.0,,,-8126 +769570175,3122442,68,7,FiO2,60.0,60.0,%,%,68 +747331032,3122442,-8126,1,sodium,131.0,131,mmol/L,mmol/L,-8126 +769570174,3122442,68,7,O2 Sat (%),99.3,99.3,%,%,68 +747331030,3122442,-8126,1,creatinine,0.66,0.66,mg/dL,mg/dL,-8126 +769570172,3122442,68,7,HCO3,24.3,24.3,mmol/L,mm/l,68 +747331035,3122442,-8126,1,glucose,123.0,123,mg/dL,mg/dL,-8126 +769570177,3122442,68,7,PEEP,5.0,5,cm H2O,CM/H2O,68 +747331034,3122442,-8126,1,calcium,8.5,8.5,mg/dL,mg/dL,-8126 +769570178,3122442,68,7,TV,450.0,450,mls,ml,68 +738533918,3122442,-2939,1,BUN,11.0,11,mg/dL,mg/dL,-2939 +747331036,3122442,-8126,1,chloride,101.0,101,mmol/L,mmol/L,-8126 +738533915,3122442,-2939,1,calcium,8.5,8.5,mg/dL,mg/dL,-2939 +744806865,3122442,-290,1,potassium,4.0,4.0,mmol/L,mmol/L,-290 +769570169,3122442,68,7,pH,7.32,7.32,,,68 +744806868,3122442,-290,1,sodium,140.0,140,mmol/L,mmol/L,-290 +738533914,3122442,-2939,1,bicarbonate,25.0,25,mmol/L,mmol/L,-2939 +744806872,3122442,-290,1,chloride,108.0,108,mmol/L,mmol/L,-290 +747331037,3122442,-8126,1,BUN,16.0,16,mg/dL,mg/dL,-8126 +744806867,3122442,-290,1,anion gap,7.0,7.0,,,-290 +738533916,3122442,-2939,1,glucose,105.0,105,mg/dL,mg/dL,-2939 +744806869,3122442,-290,1,bicarbonate,25.0,25,mmol/L,mmol/L,-290 +769570170,3122442,68,7,paCO2,48.6,48.6,mm Hg,mm Hg,68 +744806873,3122442,-290,1,BUN,15.0,15,mg/dL,mg/dL,-290 +738533917,3122442,-2939,1,chloride,106.0,106,mmol/L,mmol/L,-2939 +744806871,3122442,-290,1,glucose,128.0,128,mg/dL,mg/dL,-290 +747331033,3122442,-8126,1,bicarbonate,23.0,23,mmol/L,mmol/L,-8126 +744430374,3122442,-2580,1,CPK,48.0,48,Units/L,U/L,-2580 +744806870,3122442,-290,1,calcium,8.5,8.5,mg/dL,mg/dL,-290 +738533910,3122442,-2939,1,potassium,3.8,3.8,mmol/L,mmol/L,-2939 +750306529,3122442,-2224,3,ESR,,35,mm/hr,MM/hr.,-2224 +744806866,3122442,-290,1,creatinine,0.74,0.74,mg/dL,mg/dL,-290 +769570173,3122442,68,7,Base Excess,-1.0,-1.0,mEq/L,mm/l,68 +747493645,3122442,-4740,1,calcium,8.3,8.3,mg/dL,mg/dL,-4740 +738533911,3122442,-2939,1,creatinine,0.65,0.65,mg/dL,mg/dL,-2939 +738621279,3122442,-1735,1,BUN,14.0,14,mg/dL,mg/dL,-1735 +747493640,3122442,-4740,1,potassium,4.0,4.0,mmol/L,mmol/L,-4740 +738621277,3122442,-1735,1,glucose,153.0,153,mg/dL,mg/dL,-1735 +747331029,3122442,-8126,1,potassium,3.6,3.6,mmol/L,mmol/L,-8126 +738621278,3122442,-1735,1,chloride,105.0,105,mmol/L,mmol/L,-1735 +747493641,3122442,-4740,1,creatinine,0.64,0.64,mg/dL,mg/dL,-4740 +738621276,3122442,-1735,1,calcium,8.5,8.5,mg/dL,mg/dL,-1735 +738533912,3122442,-2939,1,anion gap,6.0,6.0,,,-2939 +738621274,3122442,-1735,1,sodium,136.0,136,mmol/L,mmol/L,-1735 +747493642,3122442,-4740,1,anion gap,6.0,6.0,,,-4740 +738621275,3122442,-1735,1,bicarbonate,22.0,22,mmol/L,mmol/L,-1735 +769570171,3122442,68,7,paO2,186.0,186,mm Hg,mm Hg,68 +738621271,3122442,-1735,1,potassium,3.7,3.7,mmol/L,mmol/L,-1735 +747493643,3122442,-4740,1,sodium,140.0,140,mmol/L,mmol/L,-4740 +738621272,3122442,-1735,1,creatinine,0.63,0.63,mg/dL,mg/dL,-1735 +753979545,3122442,-8126,3,MCHC,34.3,34.3,g/dL,g/dL,-8126 +738533913,3122442,-2939,1,sodium,137.0,137,mmol/L,mmol/L,-2939 +761442910,3122442,-5139,4,protein - CSF,30.6,30.6,mg/dL,mg/dL,-5139 +753979534,3122442,-8126,3,RBC,4.23,4.23,M/mcL,x10 (6),-8126 +747493644,3122442,-4740,1,bicarbonate,26.0,26,mmol/L,mmol/L,-4740 +738621273,3122442,-1735,1,anion gap,9.0,9.0,,,-1735 +753979533,3122442,-8126,3,-lymphs,7.6,7.6,%,%,-8126 +751803883,3122442,-3221,3,-eos,4.1,4.1,%,%,-3221 +753979544,3122442,-8126,3,-monos,11.0,11.0,%,%,-8126 +751803882,3122442,-3221,3,Hct,39.1,39.1,%,%,-3221 +753979546,3122442,-8126,3,platelets x 1000,218.0,218,K/mcL,x10 (3),-8126 +751812516,3122442,-290,3,MCHC,33.5,33.5,g/dL,g/dL,-290 +753979542,3122442,-8126,3,RDW,13.3,13.3,%,%,-8126 +751803884,3122442,-3221,3,MCV,92.4,92.4,fL,fL,-3221 +753979543,3122442,-8126,3,MCH,31.9,31.9,pg,pg,-8126 +751812517,3122442,-290,3,platelets x 1000,268.0,268,K/mcL,x10 (3),-290 +753979538,3122442,-8126,3,-eos,0.3,0.3,%,%,-8126 +751803881,3122442,-3221,3,-polys,56.6,56.6,%,%,-3221 +753979541,3122442,-8126,3,WBC x 1000,7.0,7.0,K/mcL,x10 (3),-8126 +751803888,3122442,-3221,3,MCH,31.0,31.0,pg,pg,-3221 +753979539,3122442,-8126,3,MCV,92.8,92.8,fL,fL,-8126 +751812515,3122442,-290,3,MCH,31.0,31.0,pg,pg,-290 +753979540,3122442,-8126,3,Hgb,13.5,13.5,g/dL,g/dL,-8126 +751803880,3122442,-3221,3,-basos,1.6,1.6,%,%,-3221 +753979537,3122442,-8126,3,Hct,39.2,39.2,%,%,-8126 +751803885,3122442,-3221,3,Hgb,13.1,13.1,g/dL,g/dL,-3221 +747356251,3122442,-2224,1,CPK,46.0,46,Units/L,U/L,-2224 +751803879,3122442,-3221,3,RBC,4.23,4.23,M/mcL,x10 (6),-3221 +753979535,3122442,-8126,3,-basos,1.0,1.0,%,%,-8126 +751803878,3122442,-3221,3,-lymphs,31.3,31.3,%,%,-3221 +751773298,3122442,-2940,3,WBC x 1000,8.1,8.1,K/mcL,x10 (3),-2940 +751803891,3122442,-3221,3,platelets x 1000,277.0,277,K/mcL,x10 (3),-3221 +762364406,3122442,-2954,4,bedside glucose,87.0,87,mg/dL,mg/dL,-2954 +751803886,3122442,-3221,3,WBC x 1000,6.9,6.9,K/mcL,x10 (3),-3221 +751773296,3122442,-2940,3,MCV,92.8,92.8,fL,fL,-2940 +751812513,3122442,-290,3,WBC x 1000,13.1,13.1,K/mcL,x10 (3),-290 +756323892,3122442,-290,3,PT,10.4,10.4,sec,Seconds,-290 +754128279,3122442,-1735,3,Hct,37.1,37.1,%,%,-1735 +751773297,3122442,-2940,3,Hgb,13.7,13.7,g/dL,g/dL,-2940 +751812511,3122442,-290,3,MCV,92.5,92.5,fL,fL,-290 +747336642,3122442,-3221,1,bicarbonate,25.0,25,mmol/L,mmol/L,-3221 +754128278,3122442,-1735,3,RBC,4.0,4.00,M/mcL,x10 (6),-1735 +760814088,3122442,-5139,4,WBC's in cerebrospinal fluid,,40,,/cumm,-5139 +751812509,3122442,-290,3,RBC,3.95,3.95,M/mcL,x10 (6),-290 +751773294,3122442,-2940,3,RBC,4.41,4.41,M/mcL,x10 (6),-2940 +754128280,3122442,-1735,3,MCV,92.8,92.8,fL,fL,-1735 +747336645,3122442,-3221,1,chloride,106.0,106,mmol/L,mmol/L,-3221 +751812510,3122442,-290,3,Hct,36.5,36.5,%,%,-290 +745839606,3122442,-2940,1,lactate,1.7,1.7,mmol/L,mmol/L,-2940 +754128286,3122442,-1735,3,platelets x 1000,269.0,269,K/mcL,x10 (3),-1735 +751773295,3122442,-2940,3,Hct,40.9,40.9,%,%,-2940 +751803889,3122442,-3221,3,-monos,6.4,6.4,%,%,-3221 +747336643,3122442,-3221,1,calcium,8.0,8.0,mg/dL,mg/dL,-3221 +754128284,3122442,-1735,3,MCH,31.4,31.4,pg,pg,-1735 +753979536,3122442,-8126,3,-polys,80.1,80.1,%,%,-8126 +751812512,3122442,-290,3,Hgb,12.2,12.2,g/dL,g/dL,-290 +751773299,3122442,-2940,3,RDW,13.1,13.1,%,%,-2940 +754128282,3122442,-1735,3,WBC x 1000,5.7,5.7,K/mcL,x10 (3),-1735 +747336646,3122442,-3221,1,BUN,14.0,14,mg/dL,mg/dL,-3221 +751803887,3122442,-3221,3,RDW,12.8,12.8,%,%,-3221 +761070536,3122442,-5139,4,WBC's in cerebrospinal fluid,,52,,/cumm,-5139 +754128281,3122442,-1735,3,Hgb,12.5,12.5,g/dL,g/dL,-1735 +751773300,3122442,-2940,3,MCH,31.1,31.1,pg,pg,-2940 +751803890,3122442,-3221,3,MCHC,33.6,33.6,g/dL,g/dL,-3221 +747336644,3122442,-3221,1,glucose,100.0,100,mg/dL,mg/dL,-3221 +754128285,3122442,-1735,3,MCHC,33.8,33.8,g/dL,g/dL,-1735 +741344798,3122442,-4740,1,chloride,108.0,108,mmol/L,mmol/L,-4740 +751812514,3122442,-290,3,RDW,12.9,12.9,%,%,-290 +751773302,3122442,-2940,3,platelets x 1000,300.0,300,K/mcL,x10 (3),-2940 +754128283,3122442,-1735,3,RDW,12.8,12.8,%,%,-1735 +747336639,3122442,-3221,1,creatinine,0.58,0.58,mg/dL,mg/dL,-3221 +753126552,3122442,-4740,3,-eos,2.6,2.6,%,%,-4740 +739940169,3122442,-1735,1,magnesium,2.1,2.1,mg/dL,mg/dL,-1735 +753126553,3122442,-4740,3,MCV,93.7,93.7,fL,fL,-4740 +761585567,3122442,-5139,4,glucose - CSF,59.0,59,mg/dL,mg/dL,-5139 +753126548,3122442,-4740,3,RBC,4.01,4.01,M/mcL,x10 (6),-4740 +747336641,3122442,-3221,1,sodium,138.0,138,mmol/L,mmol/L,-3221 +753126549,3122442,-4740,3,-basos,1.6,1.6,%,%,-4740 +741344797,3122442,-4740,1,glucose,85.0,85,mg/dL,mg/dL,-4740 +753126557,3122442,-4740,3,MCH,31.1,31.1,pg,pg,-4740 +738444026,3122442,-4740,1,magnesium,2.1,2.1,mg/dL,mg/dL,-4740 +753126558,3122442,-4740,3,-monos,11.2,11.2,%,%,-4740 +747336640,3122442,-3221,1,anion gap,7.0,7.0,,,-3221 +753126550,3122442,-4740,3,-polys,39.1,39.1,%,%,-4740 +760531904,3122442,-7964,4,urinary specific gravity,1.01,1.010,,,-7964 +753126559,3122442,-4740,3,MCHC,33.1,33.1,g/dL,g/dL,-4740 +751773301,3122442,-2940,3,MCHC,33.5,33.5,g/dL,g/dL,-2940 +753126547,3122442,-4740,3,-lymphs,45.5,45.5,%,%,-4740 +747336638,3122442,-3221,1,potassium,4.0,4.0,mmol/L,mmol/L,-3221 +753126551,3122442,-4740,3,Hct,37.6,37.6,%,%,-4740 +741344799,3122442,-4740,1,BUN,13.0,13,mg/dL,mg/dL,-4740 +753126554,3122442,-4740,3,Hgb,12.5,12.5,g/dL,g/dL,-4740 +749948664,3122442,-290,1,magnesium,2.1,2.1,mg/dL,mg/dL,-290 +753126560,3122442,-4740,3,platelets x 1000,234.0,234,K/mcL,x10 (3),-4740 +739718463,3122442,-3221,1,magnesium,2.2,2.2,mg/dL,mg/dL,-3221 +753126556,3122442,-4740,3,RDW,13.1,13.1,%,%,-4740 +739069972,3122442,-7971,1,lactate,0.9,0.9,mmol/L,mmol/L,-7971 +753126555,3122442,-4740,3,WBC x 1000,5.2,5.2,K/mcL,x10 (3),-4740 +650207685,2747612,640,3,Hgb,11.9,11.9,g/dL,g/dL,674 +650207687,2747612,640,3,RDW,19.8,19.8,%,%,674 +650207686,2747612,640,3,WBC x 1000,6.3,6.3,K/mcL,K/uL,674 +650207689,2747612,640,3,-monos,9.0,9,%,%,674 +650207688,2747612,640,3,MCH,28.7,28.7,pg,pg,674 +627379022,2747612,1846,1,glucose,120.0,120,mg/dL,mg/dL,1895 +650207678,2747612,640,3,-lymphs,9.0,9,%,%,674 +627379023,2747612,1846,1,BUN,10.0,10,mg/dL,mg/dL,1895 +650207683,2747612,640,3,-eos,1.0,1,%,%,674 +627379024,2747612,1846,1,creatinine,0.88,0.88,mg/dL,mg/dL,1895 +627379025,2747612,1846,1,calcium,8.5,8.5,mg/dL,mg/dL,1895 +650207684,2747612,640,3,MCV,89.0,89,fL,fL,674 +627379021,2747612,1846,1,anion gap,6.0,6,,mmol/L,1895 +650207679,2747612,640,3,RBC,4.14,4.14,M/mcL,M/uL,674 +627379019,2747612,1846,1,chloride,104.0,104,mmol/L,mmol/L,1895 +650207691,2747612,640,3,platelets x 1000,232.0,232,K/mcL,K/uL,674 +661089349,2747612,1846,3,RDW,19.7,19.7,%,%,1875 +627379018,2747612,1846,1,potassium,3.2,3.2,mmol/L,mmol/L,1895 +637572467,2747612,640,1,BUN,17.0,17,mg/dL,mg/dL,688 +650207690,2747612,640,3,MCHC,32.3,32.3,g/dL,g/dL,674 +661089350,2747612,1846,3,platelets x 1000,253.0,253,K/mcL,K/uL,1875 +627379020,2747612,1846,1,bicarbonate,29.0,29,mmol/L,mmol/L,1895 +637572463,2747612,640,1,bicarbonate,31.0,31,mmol/L,mmol/L,688 +650207681,2747612,640,3,-polys,81.0,81,%,%,674 +661089348,2747612,1846,3,MCHC,32.5,32.5,g/dL,g/dL,1875 +627379017,2747612,1846,1,sodium,139.0,139,mmol/L,mmol/L,1895 +637572465,2747612,640,1,glucose,122.0,122,mg/dL,mg/dL,688 +674488298,2747612,203,4,bedside glucose,103.0,103,mg/dL,mg/dL,205 +661089346,2747612,1846,3,MCV,88.0,88,fL,fL,1875 +671425058,2747612,1860,4,bedside glucose,121.0,121,mg/dL,mg/dL,1862 +637572461,2747612,640,1,anion gap,5.0,5,,mmol/L,688 +650207682,2747612,640,3,Hct,36.8,36.8,%,%,674 +661089345,2747612,1846,3,Hct,34.5,34.5,%,%,1875 +662176527,2747612,3322,3,PT,15.1,15.1,sec,sec,3368 +637572464,2747612,640,1,calcium,8.5,8.5,mg/dL,mg/dL,688 +670064725,2747612,1846,3,PT,16.0,16.0,sec,sec,1886 +661089344,2747612,1846,3,Hgb,11.2,11.2,g/dL,g/dL,1875 +671517179,2747612,412,4,bedside glucose,96.0,96,mg/dL,mg/dL,414 +637572462,2747612,640,1,sodium,137.0,137,mmol/L,mmol/L,688 +672528683,2747612,2334,4,bedside glucose,121.0,121,mg/dL,mg/dL,2337 +661089342,2747612,1846,3,WBC x 1000,6.4,6.4,K/mcL,K/uL,1875 +660122769,2747612,640,3,PT - INR,1.5,1.5,ratio,,687 +637572460,2747612,640,1,creatinine,0.88,0.88,mg/dL,mg/dL,688 +673083243,2747612,1465,4,bedside glucose,140.0,140,mg/dL,mg/dL,1467 +661089347,2747612,1846,3,MCH,28.6,28.6,pg,pg,1875 +635648038,2747612,436,1,LDL,89.0,89,mg/dL,mg/dL,498 +662176528,2747612,3322,3,PT - INR,1.2,1.2,ratio,,3368 +637572466,2747612,640,1,chloride,101.0,101,mmol/L,mmol/L,688 +635648039,2747612,436,1,triglycerides,130.0,130,mg/dL,mg/dL,498 +670064726,2747612,1846,3,PT - INR,1.3,1.3,ratio,,1886 +661089343,2747612,1846,3,RBC,3.92,3.92,M/mcL,M/uL,1875 +635648040,2747612,436,1,total cholesterol,143.0,143,mg/dL,mg/dL,498 +660122768,2747612,640,3,PT,17.6,17.6,sec,sec,687 +637572459,2747612,640,1,potassium,3.5,3.5,mmol/L,mmol/L,688 +635648041,2747612,436,1,HDL,28.0,28,mg/dL,mg/dL,498 +647623539,2747612,1846,1,magnesium,1.8,1.8,mg/dL,mg/dL,1895 +673728503,2747612,1199,4,bedside glucose,123.0,123,mg/dL,mg/dL,1201 +650207680,2747612,640,3,-basos,0.0,0,%,%,674 +541933564,2450383,9275,1,AST (SGOT),22.0,22,Units/L,U/L,9275 +541933568,2450383,9275,1,bicarbonate,33.0,33,mmol/L,mmol/L,9275 +541933565,2450383,9275,1,sodium,140.0,140,mmol/L,mmol/L,9275 +541933566,2450383,9275,1,magnesium,2.2,2.2,mg/dL,mg/dL,9275 +541933563,2450383,9275,1,anion gap,9.0,9,,mmol/L,9275 +541933567,2450383,9275,1,albumin,3.5,3.5,g/dL,g/dL,9275 +541933561,2450383,9275,1,creatinine,0.61,0.61,mg/dL,mg/dL,9275 +541933562,2450383,9275,1,alkaline phos.,56.0,56,Units/L,U/L,9275 +541933560,2450383,9275,1,potassium,4.2,4.2,mmol/L,mmol/L,9275 +541933570,2450383,9275,1,calcium,8.5,8.5,mg/dL,mg/dL,9275 +541933571,2450383,9275,1,ALT (SGPT),60.0,60,Units/L,U/L,9275 +541933572,2450383,9275,1,glucose,128.0,128,mg/dL,mg/dL,9275 +546990465,2450383,705,1,potassium,4.3,4.3,mmol/L,mmol/L,705 +541933573,2450383,9275,1,chloride,98.0,98,mmol/L,mmol/L,9275 +546990522,2450383,705,1,calcium,8.1,8.1,mg/dL,mg/dL,705 +541933559,2450383,9275,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,9275 +546990529,2450383,705,1,triglycerides,92.0,92,mg/dL,mg/dL,705 +541933569,2450383,9275,1,total protein,5.8,5.8,g/dL,g/dL,9275 +546990530,2450383,705,1,troponin - T,0.15,0.15,ng/mL,ng/mL,705 +541933574,2450383,9275,1,BUN,18.0,18,mg/dL,mg/dL,9275 +546990513,2450383,705,1,creatinine,0.59,0.59,mg/dL,mg/dL,705 +561902364,2450383,9275,3,Hct,33.9,33.9,%,%,9275 +546990523,2450383,705,1,CPK,73.0,73,Units/L,U/L,705 +561902362,2450383,9275,3,-basos,0.0,0,%,%,9275 +546990514,2450383,705,1,alkaline phos.,99.0,99,Units/L,U/L,705 +561902363,2450383,9275,3,-polys,92.0,92,%,%,9275 +546990518,2450383,705,1,magnesium,1.4,1.4,mg/dL,mg/dL,705 +561902360,2450383,9275,3,-lymphs,5.0,5,%,%,9275 +546990519,2450383,705,1,albumin,3.9,3.9,g/dL,g/dL,705 +561902365,2450383,9275,3,-eos,0.0,0,%,%,9275 +546990520,2450383,705,1,bicarbonate,20.0,20,mmol/L,mmol/L,705 +561902361,2450383,9275,3,RBC,3.45,3.45,M/mcL,M/uL,9275 +546990528,2450383,705,1,BUN,10.0,10,mg/dL,mg/dL,705 +561902373,2450383,9275,3,platelets x 1000,268.0,268,K/mcL,K/uL,9275 +546990527,2450383,705,1,CPK-MB,7.3,7.3,ng/mL,ng/mL,705 +561902359,2450383,9275,3,MPV,10.0,10.0,fL,fL,9275 +551255678,2450383,2185,3,-eos,0.0,0,%,%,2185 +549524769,2450383,-266,1,lipase,22.0,22,Units/L,U/L,-266 +553324195,2450383,705,3,MCHC,31.4,31.4,g/dL,g/dL,705 +546990464,2450383,705,1,total bilirubin,2.0,2.0,mg/dL,mg/dL,705 +551255677,2450383,2185,3,Hct,28.2,28.2,%,%,2185 +549524770,2450383,-266,1,ALT (SGPT),20.0,20,Units/L,U/L,-266 +553324184,2450383,705,3,RBC,3.01,3.01,M/mcL,M/uL,705 +561902369,2450383,9275,3,RDW,13.6,13.6,%,%,9275 +551255676,2450383,2185,3,-polys,90.0,90,%,%,2185 +549524758,2450383,-266,1,potassium,4.0,4.0,mmol/L,mmol/L,-266 +553324183,2450383,705,3,-lymphs,5.0,5,%,%,705 +546990521,2450383,705,1,total protein,6.4,6.4,g/dL,g/dL,705 +551255675,2450383,2185,3,-basos,0.0,0,%,%,2185 +565951648,2450383,2422,4,bedside glucose,147.0,147,mg/dL,mg/dL,2422 +566320789,2450383,3289,4,bedside glucose,168.0,168,mg/dL,mg/dL,3289 +549524768,2450383,-266,1,calcium,9.7,9.7,mg/dL,mg/dL,-266 +564378913,2450383,8813,4,bedside glucose,188.0,188,mg/dL,mg/dL,8813 +553324196,2450383,705,3,platelets x 1000,263.0,263,K/mcL,K/uL,705 +564056772,2450383,1123,4,bedside glucose,176.0,176,mg/dL,mg/dL,1123 +561902370,2450383,9275,3,MCH,31.9,31.9,pg,pg,9275 +584019917,2450383,235,7,FiO2,80.0,80.0,%,%,235 +551255674,2450383,2185,3,RBC,2.78,2.78,M/mcL,M/uL,2185 +563536948,2450383,8345,4,bedside glucose,121.0,121,mg/dL,mg/dL,8345 +549524767,2450383,-266,1,troponin - T,,<0.01,ng/mL,ng/mL,-266 +562539676,2450383,10825,3,-eos,0.0,0,%,%,10825 +553324187,2450383,705,3,Hct,30.6,30.6,%,%,705 +563768893,2450383,3094,4,bedside glucose,147.0,147,mg/dL,mg/dL,3094 +546990524,2450383,705,1,ALT (SGPT),230.0,230,Units/L,U/L,705 +564668375,2450383,2165,4,bedside glucose,163.0,163,mg/dL,mg/dL,2165 +551255673,2450383,2185,3,-lymphs,4.0,4,%,%,2185 +538756287,2450383,5000,1,anion gap,13.0,13,,mmol/L,5000 +549524771,2450383,-266,1,glucose,122.0,122,mg/dL,mg/dL,-266 +556983732,2450383,5000,3,platelets x 1000,242.0,242,K/mcL,K/uL,5000 +553324185,2450383,705,3,-basos,0.0,0,%,%,705 +562539675,2450383,10825,3,Hct,35.8,35.8,%,%,10825 +561902371,2450383,9275,3,-monos,2.0,2,%,%,9275 +556983723,2450383,5000,3,Hct,33.0,33.0,%,%,5000 +551255672,2450383,2185,3,MPV,10.1,10.1,fL,fL,2185 +538756284,2450383,5000,1,potassium,4.3,4.3,mmol/L,mmol/L,5000 +543524620,2450383,2185,1,calcium,8.4,8.4,mg/dL,mg/dL,2185 +556983721,2450383,5000,3,-basos,0.0,0,%,%,5000 +553324193,2450383,705,3,MCH,31.9,31.9,pg,pg,705 +562539673,2450383,10825,3,-basos,0.0,0,%,%,10825 +549524772,2450383,-266,1,chloride,101.0,101,mmol/L,mmol/L,-266 +556983722,2450383,5000,3,-polys,88.0,88,%,%,5000 +557295135,2450383,-266,3,MCV,98.7,98.7,fL,fL,-266 +538756285,2450383,5000,1,creatinine,0.68,0.68,mg/dL,mg/dL,5000 +543524621,2450383,2185,1,phosphate,2.5,2.5,mg/dL,mg/dL,2185 +539236578,2450383,5000,1,calcium,9.0,9.0,mg/dL,mg/dL,5000 +551255686,2450383,2185,3,platelets x 1000,238.0,238,K/mcL,K/uL,2185 +562539672,2450383,10825,3,RBC,3.61,3.61,M/mcL,M/uL,10825 +546990517,2450383,705,1,sodium,141.0,141,mmol/L,mmol/L,705 +556983724,2450383,5000,3,-eos,0.0,0,%,%,5000 +557295133,2450383,-266,3,Hct,37.3,37.3,%,%,-266 +538756286,2450383,5000,1,alkaline phos.,76.0,76,Units/L,U/L,5000 +543524622,2450383,2185,1,ALT (SGPT),232.0,232,Units/L,U/L,2185 +539236579,2450383,5000,1,phosphate,3.7,3.7,mg/dL,mg/dL,5000 +553324182,2450383,705,3,MPV,10.1,10.1,fL,fL,705 +562539670,2450383,10825,3,MPV,9.9,9.9,fL,fL,10825 +549411859,2450383,-266,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-266 +556983731,2450383,5000,3,MCHC,31.8,31.8,g/dL,g/dL,5000 +557295136,2450383,-266,3,Hgb,12.1,12.1,g/dL,g/dL,-266 +566034653,2450383,5475,4,bedside glucose,154.0,154,mg/dL,mg/dL,5475 +543524623,2450383,2185,1,glucose,176.0,176,mg/dL,mg/dL,2185 +539236576,2450383,5000,1,bicarbonate,28.0,28,mmol/L,mmol/L,5000 +551255685,2450383,2185,3,MCHC,31.6,31.6,g/dL,g/dL,2185 +562539671,2450383,10825,3,-lymphs,4.0,4,%,%,10825 +561902366,2450383,9275,3,MCV,98.3,98.3,fL,fL,9275 +556983729,2450383,5000,3,MCH,31.6,31.6,pg,pg,5000 +557295134,2450383,-266,3,-eos,2.0,2,%,%,-266 +538756283,2450383,5000,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,5000 +543524624,2450383,2185,1,chloride,107.0,107,mmol/L,mmol/L,2185 +539236580,2450383,5000,1,ALT (SGPT),161.0,161,Units/L,U/L,5000 +553324186,2450383,705,3,-polys,92.0,92,%,%,705 +562539674,2450383,10825,3,-polys,87.0,87,%,%,10825 +549524773,2450383,-266,1,BUN,10.0,10,mg/dL,mg/dL,-266 +556983718,2450383,5000,3,MPV,10.0,10.0,fL,fL,5000 +557295137,2450383,-266,3,WBC x 1000,13.7,13.7,K/mcL,K/uL,-266 +558970977,2450383,3535,3,MCV,101.0,101.0,fL,fL,3535 +543524614,2450383,2185,1,AST (SGOT),133.0,133,Units/L,U/L,2185 +539236577,2450383,5000,1,total protein,6.2,6.2,g/dL,g/dL,5000 +551255681,2450383,2185,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,2185 +558970978,2450383,3535,3,Hgb,10.0,10.0,g/dL,g/dL,3535 +546990525,2450383,705,1,glucose,238.0,238,mg/dL,mg/dL,705 +556983728,2450383,5000,3,RDW,14.2,14.2,%,%,5000 +557295142,2450383,-266,3,platelets x 1000,320.0,320,K/mcL,K/uL,-266 +558970970,2450383,3535,3,MPV,10.1,10.1,fL,fL,3535 +543524615,2450383,2185,1,sodium,145.0,145,mmol/L,mmol/L,2185 +539236583,2450383,5000,1,BUN,24.0,24,mg/dL,mg/dL,5000 +553324194,2450383,705,3,-monos,3.0,3,%,%,705 +558970979,2450383,3535,3,WBC x 1000,11.6,11.6,K/mcL,K/uL,3535 +549524766,2450383,-266,1,total protein,7.9,7.9,g/dL,g/dL,-266 +556983719,2450383,5000,3,-lymphs,6.0,6,%,%,5000 +557295132,2450383,-266,3,-polys,87.0,87,%,%,-266 +558970980,2450383,3535,3,RDW,14.5,14.5,%,%,3535 +543524611,2450383,2185,1,creatinine,0.59,0.59,mg/dL,mg/dL,2185 +539236582,2450383,5000,1,chloride,99.0,99,mmol/L,mmol/L,5000 +551255682,2450383,2185,3,RDW,13.7,13.7,%,%,2185 +558970981,2450383,3535,3,MCH,31.9,31.9,pg,pg,3535 +561902367,2450383,9275,3,Hgb,11.0,11.0,g/dL,g/dL,9275 +556983727,2450383,5000,3,WBC x 1000,10.5,10.5,K/mcL,K/uL,5000 +557295128,2450383,-266,3,MPV,9.9,9.9,fL,fL,-266 +558970972,2450383,3535,3,RBC,3.13,3.13,M/mcL,M/uL,3535 +543524610,2450383,2185,1,potassium,3.7,3.7,mmol/L,mmol/L,2185 +539236572,2450383,5000,1,AST (SGOT),46.0,46,Units/L,U/L,5000 +553324191,2450383,705,3,WBC x 1000,7.0,7.0,K/mcL,K/uL,705 +558970973,2450383,3535,3,-basos,0.0,0,%,%,3535 +549524763,2450383,-266,1,sodium,140.0,140,mmol/L,mmol/L,-266 +556983720,2450383,5000,3,RBC,3.32,3.32,M/mcL,M/uL,5000 +557295139,2450383,-266,3,MCH,32.0,32.0,pg,pg,-266 +558970971,2450383,3535,3,-lymphs,4.0,4,%,%,3535 +543524617,2450383,2185,1,albumin,3.9,3.9,g/dL,g/dL,2185 +539236581,2450383,5000,1,glucose,168.0,168,mg/dL,mg/dL,5000 +551255683,2450383,2185,3,MCH,32.0,32.0,pg,pg,2185 +558970982,2450383,3535,3,-monos,6.0,6,%,%,3535 +546990516,2450383,705,1,AST (SGOT),166.0,166,Units/L,U/L,705 +556983730,2450383,5000,3,-monos,5.0,5,%,%,5000 +557295129,2450383,-266,3,-lymphs,7.0,7,%,%,-266 +558970974,2450383,3535,3,-polys,89.0,89,%,%,3535 +543524618,2450383,2185,1,bicarbonate,24.0,24,mmol/L,mmol/L,2185 +539236573,2450383,5000,1,sodium,140.0,140,mmol/L,mmol/L,5000 +553324188,2450383,705,3,-eos,0.0,0,%,%,705 +558970983,2450383,3535,3,MCHC,31.6,31.6,g/dL,g/dL,3535 +549524765,2450383,-266,1,bicarbonate,22.0,22,mmol/L,mmol/L,-266 +556983725,2450383,5000,3,MCV,99.4,99.4,fL,fL,5000 +557295140,2450383,-266,3,-monos,4.0,4,%,%,-266 +558970975,2450383,3535,3,Hct,31.6,31.6,%,%,3535 +543524609,2450383,2185,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,2185 +539236574,2450383,5000,1,magnesium,2.4,2.4,mg/dL,mg/dL,5000 +551255684,2450383,2185,3,-monos,5.0,5,%,%,2185 +565322435,2450383,5909,4,bedside glucose,158.0,158,mg/dL,mg/dL,5909 +561902372,2450383,9275,3,MCHC,32.4,32.4,g/dL,g/dL,9275 +565687774,2450383,6856,4,bedside glucose,145.0,145,mg/dL,mg/dL,6856 +557295131,2450383,-266,3,-basos,0.0,0,%,%,-266 +558970984,2450383,3535,3,platelets x 1000,255.0,255,K/mcL,K/uL,3535 +543524612,2450383,2185,1,alkaline phos.,81.0,81,Units/L,U/L,2185 +564472232,2450383,769,4,bedside glucose,240.0,240,mg/dL,mg/dL,769 +553324189,2450383,705,3,MCV,101.7,101.7,fL,fL,705 +544472131,2450383,2916,1,lactate,2.2,2.2,mmol/L,mmol/L,2916 +549524764,2450383,-266,1,albumin,4.0,4.0,g/dL,g/dL,-266 +539236575,2450383,5000,1,albumin,3.6,3.6,g/dL,g/dL,5000 +557295130,2450383,-266,3,RBC,3.78,3.78,M/mcL,M/uL,-266 +565438010,2450383,4508,4,bedside glucose,155.0,155,mg/dL,mg/dL,4508 +543524625,2450383,2185,1,BUN,8.0,8,mg/dL,mg/dL,2185 +556983726,2450383,5000,3,Hgb,10.5,10.5,g/dL,g/dL,5000 +551255679,2450383,2185,3,MCV,101.4,101.4,fL,fL,2185 +558970976,2450383,3535,3,-eos,0.0,0,%,%,3535 +546990526,2450383,705,1,chloride,104.0,104,mmol/L,mmol/L,705 +565226725,2450383,10489,4,bedside glucose,149.0,149,mg/dL,mg/dL,10489 +557295138,2450383,-266,3,RDW,13.2,13.2,%,%,-266 +563930895,2450383,6538,4,bedside glucose,136.0,136,mg/dL,mg/dL,6538 +543524616,2450383,2185,1,magnesium,2.0,2.0,mg/dL,mg/dL,2185 +545429962,2450383,4371,1,troponin - T,0.02,0.02,ng/mL,ng/mL,4371 +553324190,2450383,705,3,Hgb,9.6,9.6,g/dL,g/dL,705 +565903203,2450383,6142,4,bedside glucose,141.0,141,mg/dL,mg/dL,6142 +549524759,2450383,-266,1,creatinine,0.57,0.57,mg/dL,mg/dL,-266 +546904712,2450383,3535,1,alkaline phos.,79.0,79,Units/L,U/L,3535 +549298463,2450383,10825,1,potassium,3.6,3.6,mmol/L,mmol/L,10825 +546904713,2450383,3535,1,anion gap,14.0,14,,mmol/L,3535 +543524619,2450383,2185,1,total protein,6.3,6.3,g/dL,g/dL,2185 +546904711,2450383,3535,1,creatinine,0.74,0.74,mg/dL,mg/dL,3535 +564094791,2450383,7141,4,bedside glucose,118.0,118,mg/dL,mg/dL,7141 +546904714,2450383,3535,1,AST (SGOT),85.0,85,Units/L,U/L,3535 +561902368,2450383,9275,3,WBC x 1000,9.8,9.8,K/mcL,K/uL,9275 +545734649,2450383,7885,1,albumin,3.6,3.6,g/dL,g/dL,7885 +566033200,2450383,2785,4,bedside glucose,172.0,172,mg/dL,mg/dL,2785 +546904715,2450383,3535,1,sodium,144.0,144,mmol/L,mmol/L,3535 +563393244,2450383,6624,4,bedside glucose,154.0,154,mg/dL,mg/dL,6624 +545734648,2450383,7885,1,sodium,142.0,142,mmol/L,mmol/L,7885 +551255680,2450383,2185,3,Hgb,8.9,8.9,g/dL,g/dL,2185 +546904710,2450383,3535,1,potassium,3.7,3.7,mmol/L,mmol/L,3535 +549524760,2450383,-266,1,alkaline phos.,65.0,65,Units/L,U/L,-266 +545734650,2450383,7885,1,bicarbonate,35.0,35,mmol/L,mmol/L,7885 +584211715,2450383,1411,7,FiO2,50.0,50.0,%,%,1411 +546904716,2450383,3535,1,magnesium,2.3,2.3,mg/dL,mg/dL,3535 +543524613,2450383,2185,1,anion gap,14.0,14,,mmol/L,2185 +545734645,2450383,7885,1,alkaline phos.,62.0,62,Units/L,U/L,7885 +564521815,2450383,2596,4,bedside glucose,148.0,148,mg/dL,mg/dL,2596 +546904720,2450383,3535,1,calcium,8.6,8.6,mg/dL,mg/dL,3535 +543751594,2450383,1129,1,lactate,3.7,3.7,mmol/L,mmol/L,1129 +545734651,2450383,7885,1,total protein,6.1,6.1,g/dL,g/dL,7885 +557295141,2450383,-266,3,MCHC,32.4,32.4,g/dL,g/dL,-266 +546904722,2450383,3535,1,ALT (SGPT),210.0,210,Units/L,U/L,3535 +563534116,2450383,5271,4,bedside glucose,148.0,148,mg/dL,mg/dL,5271 +545734642,2450383,7885,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,7885 +563828170,2450383,8556,4,bedside glucose,100.0,100,mg/dL,mg/dL,8556 +546904709,2450383,3535,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,3535 +549524761,2450383,-266,1,anion gap,17.0,17,,mmol/L,-266 +545734646,2450383,7885,1,anion gap,11.0,11,,mmol/L,7885 +565923398,2450383,5711,4,bedside glucose,141.0,141,mg/dL,mg/dL,5711 +546904721,2450383,3535,1,phosphate,3.1,3.1,mg/dL,mg/dL,3535 +564396630,2450383,101,4,bedside glucose,241.0,241,mg/dL,mg/dL,101 +545734656,2450383,7885,1,BUN,27.0,27,mg/dL,mg/dL,7885 +553324192,2450383,705,3,RDW,13.1,13.1,%,%,705 +546904723,2450383,3535,1,glucose,174.0,174,mg/dL,mg/dL,3535 +546990515,2450383,705,1,anion gap,17.0,17,,mmol/L,705 +546070508,2450383,6535,1,alkaline phos.,70.0,70,Units/L,U/L,6535 +559992216,2450383,-266,3,PT,12.0,12.0,sec,Seconds,-266 +545734647,2450383,7885,1,AST (SGOT),26.0,26,Units/L,U/L,7885 +584586372,2450383,5054,7,FiO2,32.0,32.0,%,%,5054 +546070517,2450383,6535,1,glucose,123.0,123,mg/dL,mg/dL,6535 +584459213,2450383,387,7,FiO2,80.0,80.0,%,%,387 +546904717,2450383,3535,1,albumin,3.9,3.9,g/dL,g/dL,3535 +549524762,2450383,-266,1,AST (SGOT),27.0,27,Units/L,U/L,-266 +546070509,2450383,6535,1,anion gap,11.0,11,,mmol/L,6535 +565312085,2450383,981,4,bedside glucose,204.0,204,mg/dL,mg/dL,981 +545734653,2450383,7885,1,ALT (SGPT),86.0,86,Units/L,U/L,7885 +559992217,2450383,-266,3,PT - INR,0.9,0.9,ratio,,-266 +546070510,2450383,6535,1,AST (SGOT),32.0,32,Units/L,U/L,6535 +564796482,2450383,1895,4,bedside glucose,138.0,138,mg/dL,mg/dL,1895 +546904718,2450383,3535,1,bicarbonate,24.0,24,mmol/L,mmol/L,3535 +549298462,2450383,10825,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,10825 +546070515,2450383,6535,1,calcium,9.5,9.5,mg/dL,mg/dL,6535 +562502110,2450383,7885,3,platelets x 1000,325.0,325,K/mcL,K/uL,7885 +545734654,2450383,7885,1,glucose,98.0,98,mg/dL,mg/dL,7885 +583105061,2450383,480,7,FiO2,70.0,70.0,%,%,480 +546070507,2450383,6535,1,creatinine,0.68,0.68,mg/dL,mg/dL,6535 +562502037,2450383,7885,3,MPV,10.1,10.1,fL,fL,7885 +546904724,2450383,3535,1,chloride,106.0,106,mmol/L,mmol/L,3535 +565378099,2450383,4283,4,bedside glucose,171.0,171,mg/dL,mg/dL,4283 +546070516,2450383,6535,1,ALT (SGPT),122.0,122,Units/L,U/L,6535 +562502109,2450383,7885,3,MCHC,32.7,32.7,g/dL,g/dL,7885 +545734643,2450383,7885,1,potassium,3.3,3.3,mmol/L,mmol/L,7885 +539369464,2450383,-266,1,magnesium,1.6,1.6,mg/dL,mg/dL,-266 +546070505,2450383,6535,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,6535 +562502047,2450383,7885,3,RDW,13.6,13.6,%,%,7885 +546904719,2450383,3535,1,total protein,6.3,6.3,g/dL,g/dL,3535 +543131184,2450383,13,1,troponin - T,0.13,0.13,ng/mL,ng/mL,13 +546070518,2450383,6535,1,chloride,96.0,96,mmol/L,mmol/L,6535 +562502038,2450383,7885,3,-lymphs,7.0,7,%,%,7885 +545734652,2450383,7885,1,calcium,9.0,9.0,mg/dL,mg/dL,7885 +583282368,2450383,583,7,FiO2,50.0,50.0,%,%,583 +546070511,2450383,6535,1,sodium,142.0,142,mmol/L,mmol/L,6535 +555627109,2450383,10825,3,-monos,8.0,8,%,%,10825 +546904725,2450383,3535,1,BUN,22.0,22,mg/dL,mg/dL,3535 +584369180,2450383,150,7,FiO2,80.0,80.0,%,%,150 +546070506,2450383,6535,1,potassium,3.7,3.7,mmol/L,mmol/L,6535 +562502039,2450383,7885,3,RBC,3.69,3.69,M/mcL,M/uL,7885 +545734655,2450383,7885,1,chloride,96.0,96,mmol/L,mmol/L,7885 +565655590,2450383,1358,4,bedside glucose,179.0,179,mg/dL,mg/dL,1358 +546070512,2450383,6535,1,albumin,3.9,3.9,g/dL,g/dL,6535 +555627108,2450383,10825,3,MCH,32.1,32.1,pg,pg,10825 +582809777,2450383,714,7,FiO2,50.0,50.0,%,%,714 +542938825,2450383,10825,1,calcium,8.6,8.6,mg/dL,mg/dL,10825 +546070513,2450383,6535,1,bicarbonate,35.0,35,mmol/L,mmol/L,6535 +562502108,2450383,7885,3,-monos,7.0,7,%,%,7885 +545734644,2450383,7885,1,creatinine,0.68,0.68,mg/dL,mg/dL,7885 +542938823,2450383,10825,1,bicarbonate,29.0,29,mmol/L,mmol/L,10825 +546070519,2450383,6535,1,BUN,31.0,31,mg/dL,mg/dL,6535 +555627110,2450383,10825,3,MCHC,32.4,32.4,g/dL,g/dL,10825 +582901436,2450383,2148,7,FiO2,35.0,35.0,%,%,2148 +542938828,2450383,10825,1,chloride,100.0,100,mmol/L,mmol/L,10825 +564685160,2450383,8100,4,bedside glucose,96.0,96,mg/dL,mg/dL,8100 +562502040,2450383,7885,3,-basos,0.0,0,%,%,7885 +566230313,2450383,9567,4,bedside glucose,135.0,135,mg/dL,mg/dL,9567 +542938817,2450383,10825,1,alkaline phos.,88.0,88,Units/L,U/L,10825 +546070514,2450383,6535,1,total protein,6.6,6.6,g/dL,g/dL,6535 +555627106,2450383,10825,3,WBC x 1000,17.1,17.1,K/mcL,K/uL,10825 +564138398,2450383,10082,4,bedside glucose,97.0,97,mg/dL,mg/dL,10082 +542938826,2450383,10825,1,ALT (SGPT),54.0,54,Units/L,U/L,10825 +565760117,2450383,9012,4,bedside glucose,125.0,125,mg/dL,mg/dL,9012 +562502046,2450383,7885,3,WBC x 1000,15.1,15.1,K/mcL,K/uL,7885 +563931023,2450383,4765,4,bedside glucose,172.0,172,mg/dL,mg/dL,4765 +542938822,2450383,10825,1,albumin,3.8,3.8,g/dL,g/dL,10825 +564288492,2450383,387,4,bedside glucose,168.0,168,mg/dL,mg/dL,387 +555627105,2450383,10825,3,Hgb,11.6,11.6,g/dL,g/dL,10825 +563597664,2450383,7597,4,bedside glucose,106.0,106,mg/dL,mg/dL,7597 +542938829,2450383,10825,1,BUN,20.0,20,mg/dL,mg/dL,10825 +558802632,2450383,6535,3,MCHC,32.7,32.7,g/dL,g/dL,6535 +562502042,2450383,7885,3,Hct,36.1,36.1,%,%,7885 +558802631,2450383,6535,3,-monos,5.0,5,%,%,6535 +542938824,2450383,10825,1,total protein,6.3,6.3,g/dL,g/dL,10825 +558802633,2450383,6535,3,platelets x 1000,292.0,292,K/mcL,K/uL,6535 +555627107,2450383,10825,3,RDW,13.4,13.4,%,%,10825 +558802630,2450383,6535,3,MCH,32.2,32.2,pg,pg,6535 +542938827,2450383,10825,1,glucose,128.0,128,mg/dL,mg/dL,10825 +558802624,2450383,6535,3,Hct,36.4,36.4,%,%,6535 +562502043,2450383,7885,3,-eos,0.0,0,%,%,7885 +558802626,2450383,6535,3,MCV,98.4,98.4,fL,fL,6535 +542938820,2450383,10825,1,sodium,142.0,142,mmol/L,mmol/L,10825 +558802625,2450383,6535,3,-eos,0.0,0,%,%,6535 +583753691,2450383,285,7,FiO2,80.0,80.0,%,%,285 +558802627,2450383,6535,3,Hgb,11.9,11.9,g/dL,g/dL,6535 +542938821,2450383,10825,1,magnesium,2.4,2.4,mg/dL,mg/dL,10825 +558802623,2450383,6535,3,-polys,90.0,90,%,%,6535 +562502044,2450383,7885,3,MCV,97.8,97.8,fL,fL,7885 +558802628,2450383,6535,3,WBC x 1000,12.7,12.7,K/mcL,K/uL,6535 +542938819,2450383,10825,1,AST (SGOT),21.0,21,Units/L,U/L,10825 +558802622,2450383,6535,3,-basos,0.0,0,%,%,6535 +555627104,2450383,10825,3,MCV,99.2,99.2,fL,fL,10825 +558802629,2450383,6535,3,RDW,13.9,13.9,%,%,6535 +542938818,2450383,10825,1,anion gap,13.0,13,,mmol/L,10825 +558802620,2450383,6535,3,-lymphs,5.0,5,%,%,6535 +562502045,2450383,7885,3,Hgb,11.8,11.8,g/dL,g/dL,7885 +565376761,2450383,7901,4,bedside glucose,125.0,125,mg/dL,mg/dL,7901 +542938816,2450383,10825,1,creatinine,0.56,0.56,mg/dL,mg/dL,10825 +558802621,2450383,6535,3,RBC,3.7,3.70,M/mcL,M/uL,6535 +583562292,2450383,-265,7,FiO2,100.0,100.0,%,%,-265 +565184229,2450383,1620,4,bedside glucose,164.0,164,mg/dL,mg/dL,1620 +566287965,2450383,10862,4,bedside glucose,96.0,96,mg/dL,mg/dL,10862 +564163408,2450383,4988,4,bedside glucose,166.0,166,mg/dL,mg/dL,4988 +562502107,2450383,7885,3,MCH,32.0,32.0,pg,pg,7885 +583809920,2450383,3575,7,FiO2,45.0,45.0,%,%,3575 +565527692,2450383,3959,4,bedside glucose,145.0,145,mg/dL,mg/dL,3959 +547278164,2450383,385,1,troponin - T,0.23,0.23,ng/mL,ng/mL,385 +555627111,2450383,10825,3,platelets x 1000,298.0,298,K/mcL,K/uL,10825 +558802619,2450383,6535,3,MPV,9.7,9.7,fL,fL,6535 +584051839,2450383,1006,7,FiO2,50.0,50.0,%,%,1006 +547278165,2450383,385,1,CPK,68.0,68,Units/L,U/L,385 +562502041,2450383,7885,3,-polys,86.0,86,%,%,7885 +564734519,2450383,13,4,TSH,0.21,0.21,mcU/ml,uIU/mL,13 +583962041,2450383,-200,7,FiO2,100.0,100.0,%,%,-200 +547278166,2450383,385,1,CPK-MB,6.5,6.5,ng/mL,ng/mL,385 +749424054,3069831,-334,1,BUN,9.0,9,mg/dL,mg/dL,-334 +749424052,3069831,-334,1,glucose,132.0,132,mg/dL,mg/dL,-334 +749424047,3069831,-334,1,creatinine,1.36,1.36,mg/dL,mg/dL,-334 +749424053,3069831,-334,1,chloride,98.0,98,mmol/L,mmol/L,-334 +749424046,3069831,-334,1,potassium,3.3,3.3,mmol/L,mmol/L,-334 +749424050,3069831,-334,1,bicarbonate,25.0,25,mmol/L,mmol/L,-334 +749424048,3069831,-334,1,anion gap,13.0,13.0,,,-334 +742115729,3069831,465,1,chloride,107.0,107,mmol/L,mmol/L,465 +749424051,3069831,-334,1,calcium,8.6,8.6,mg/dL,mg/dL,-334 +742039556,3069831,465,1,troponin - I,0.062,0.062,ng/mL,ng/mL,465 +749435883,3069831,1962,1,BUN,7.0,7,mg/dL,mg/dL,1962 +749424049,3069831,-334,1,sodium,136.0,136,mmol/L,mmol/L,-334 +749435885,3069831,1962,1,calcium,8.4,8.4,mg/dL,mg/dL,1962 +742115727,3069831,465,1,sodium,140.0,140,mmol/L,mmol/L,465 +749435884,3069831,1962,1,glucose,88.0,88,mg/dL,mg/dL,1962 +741523389,3069831,-334,1,lactate,2.4,2.4,mmol/L,mmol/L,-334 +749435881,3069831,1962,1,anion gap,7.0,7.0,,,1962 +742115728,3069831,465,1,potassium,3.5,3.5,mmol/L,mmol/L,465 +747015882,3069831,1962,1,magnesium,1.6,1.6,mg/dL,mg/dL,1962 +749435882,3069831,1962,1,creatinine,0.86,0.86,mg/dL,mg/dL,1962 +751460249,3069831,465,3,Hct,33.0,33.0,%,%,465 +749435880,3069831,1962,1,bicarbonate,26.0,26,mmol/L,mmol/L,1962 +751460247,3069831,465,3,RBC,3.36,3.36,M/mcL,x10 (6),465 +741573425,3069831,3345,1,bicarbonate,26.0,26,mmol/L,mmol/L,3345 +751460246,3069831,465,3,WBC x 1000,8.7,8.7,K/mcL,x10 (3),465 +741573429,3069831,3345,1,glucose,85.0,85,mg/dL,mg/dL,3345 +751460253,3069831,465,3,RDW,13.7,13.7,%,%,465 +741573426,3069831,3345,1,anion gap,8.0,8.0,,,3345 +751460248,3069831,465,3,Hgb,11.3,11.3,g/dL,g/dL,465 +741573427,3069831,3345,1,creatinine,0.85,0.85,mg/dL,mg/dL,3345 +751460258,3069831,465,3,-eos,3.1,3.1,%,%,465 +741573424,3069831,3345,1,chloride,107.0,107,mmol/L,mmol/L,3345 +751460255,3069831,465,3,-polys,81.3,81.3,%,%,465 +739521318,3069831,1962,1,sodium,144.0,144,mmol/L,mmol/L,1962 +751460259,3069831,465,3,-basos,0.5,0.5,%,%,465 +741573423,3069831,3345,1,potassium,3.2,3.2,mmol/L,mmol/L,3345 +751460254,3069831,465,3,platelets x 1000,234.0,234,K/mcL,x10 (3),465 +739521319,3069831,1962,1,potassium,3.6,3.6,mmol/L,mmol/L,1962 +751460250,3069831,465,3,MCV,98.3,98.3,fL,fL,465 +741573430,3069831,3345,1,calcium,8.0,8.0,mg/dL,mg/dL,3345 +751460251,3069831,465,3,MCH,33.6,33.6,pg,pg,465 +753931467,3069831,1962,3,platelets x 1000,242.0,242,K/mcL,x10 (3),1962 +739521320,3069831,1962,1,chloride,111.0,111,mmol/L,mmol/L,1962 +753931465,3069831,1962,3,MCHC,34.7,34.7,g/dL,g/dL,1962 +751460252,3069831,465,3,MCHC,34.1,34.1,g/dL,g/dL,465 +753931466,3069831,1962,3,RDW,13.6,13.6,%,%,1962 +741573422,3069831,3345,1,sodium,141.0,141,mmol/L,mmol/L,3345 +753931464,3069831,1962,3,MCH,34.2,34.2,pg,pg,1962 +751460256,3069831,465,3,-lymphs,7.0,7.0,%,%,465 +753931463,3069831,1962,3,MCV,98.5,98.5,fL,fL,1962 +739038637,3069831,1962,1,phosphate,2.2,2.2,mg/dL,mg/dL,1962 +753931461,3069831,1962,3,Hgb,11.3,11.3,g/dL,g/dL,1962 +748282510,3069831,465,1,phosphate,2.7,2.7,mg/dL,mg/dL,465 +753931460,3069831,1962,3,RBC,3.31,3.31,M/mcL,x10 (6),1962 +741573428,3069831,3345,1,BUN,5.0,5,mg/dL,mg/dL,3345 +753931462,3069831,1962,3,Hct,32.6,32.6,%,%,1962 +751460257,3069831,465,3,-monos,8.1,8.1,%,%,465 +753931459,3069831,1962,3,WBC x 1000,6.5,6.5,K/mcL,x10 (3),1962 +749427696,3069831,465,1,calcium,7.8,7.8,mg/dL,mg/dL,465 +739156619,3069831,3345,1,magnesium,1.4,1.4,mg/dL,mg/dL,3345 +749427693,3069831,465,1,creatinine,0.8,0.80,mg/dL,mg/dL,465 +739957451,3069831,3345,1,phosphate,3.7,3.7,mg/dL,mg/dL,3345 +749427691,3069831,465,1,bicarbonate,23.0,23,mmol/L,mmol/L,465 +754991124,3069831,-335,3,RBC,3.9,3.90,M/mcL,x10 (6),-335 +749427694,3069831,465,1,BUN,9.0,9,mg/dL,mg/dL,465 +754991123,3069831,-335,3,-lymphs,5.6,5.6,%,%,-335 +749427695,3069831,465,1,glucose,94.0,94,mg/dL,mg/dL,465 +754991134,3069831,-335,3,-monos,11.0,11.0,%,%,-335 +749427692,3069831,465,1,anion gap,10.0,10.0,,,465 +754991131,3069831,-335,3,WBC x 1000,12.5,12.5,K/mcL,x10 (3),-335 +746295047,3069831,-334,1,troponin - I,0.106,0.106,ng/mL,ng/mL,-334 +754991132,3069831,-335,3,RDW,13.5,13.5,%,%,-335 +761188252,3069831,-97,4,urinary specific gravity,1.01,1.010,,,-97 +754991125,3069831,-335,3,-basos,1.2,1.2,%,%,-335 +747893885,3069831,465,1,magnesium,1.3,1.3,mg/dL,mg/dL,465 +754991133,3069831,-335,3,MCH,33.6,33.6,pg,pg,-335 +754160475,3069831,3345,3,MCH,33.1,33.1,pg,pg,3345 +754991135,3069831,-335,3,MCHC,34.5,34.5,g/dL,g/dL,-335 +754160473,3069831,3345,3,Hct,32.8,32.8,%,%,3345 +754991130,3069831,-335,3,Hgb,13.1,13.1,g/dL,g/dL,-335 +754160472,3069831,3345,3,Hgb,11.0,11.0,g/dL,g/dL,3345 +754991126,3069831,-335,3,-polys,78.6,78.6,%,%,-335 +754160476,3069831,3345,3,MCHC,33.7,33.7,g/dL,g/dL,3345 +754991127,3069831,-335,3,Hct,38.0,38.0,%,%,-335 +754160474,3069831,3345,3,MCV,98.3,98.3,fL,fL,3345 +754991128,3069831,-335,3,-eos,3.6,3.6,%,%,-335 +754160477,3069831,3345,3,RDW,13.7,13.7,%,%,3345 +754991129,3069831,-335,3,MCV,97.5,97.5,fL,fL,-335 +754160471,3069831,3345,3,RBC,3.34,3.34,M/mcL,x10 (6),3345 +754991136,3069831,-335,3,platelets x 1000,279.0,279,K/mcL,x10 (3),-335 +754160478,3069831,3345,3,platelets x 1000,280.0,280,K/mcL,x10 (3),3345 +761306768,3069831,-334,4,TSH,1.41,1.41,mcU/ml,uIU/mL,-334 +754160470,3069831,3345,3,WBC x 1000,7.1,7.1,K/mcL,x10 (3),3345 +73120519,284517,146,1,chloride,94.0,94,mmol/L,mmol/L,169 +73120517,284517,146,1,calcium,7.5,7.5,mg/dL,mg/dL,169 +73119018,284517,-151,1,potassium,3.7,3.7,mmol/L,mmol/L,-123 +73119019,284517,-151,1,creatinine,0.7,0.7,mg/dL,mg/dL,-123 +73119020,284517,-151,1,alkaline phos.,112.0,112,Units/L,U/L,-123 +73120513,284517,146,1,creatinine,0.6,0.6,mg/dL,mg/dL,169 +73120520,284517,146,1,BUN,18.0,18,mg/dL,mg/dL,169 +73120518,284517,146,1,glucose,160.0,160,mg/dL,mg/dL,169 +73118998,284517,-151,1,anion gap,23.0,23,,mmol/L,-123 +73120514,284517,146,1,anion gap,18.0,18,,mmol/L,169 +77915115,284517,69,3,-lymphs,2.0,2,%,%,107 +73118999,284517,-151,1,AST (SGOT),40.0,40,Units/L,U/L,-123 +77915116,284517,69,3,RBC,5.15,5.15,M/mcL,M/cmm,84 +73120516,284517,146,1,bicarbonate,17.0,17,mmol/L,mmol/L,169 +77915117,284517,69,3,-polys,26.0,26,%,%,107 +73119006,284517,-151,1,ALT (SGPT),27.0,27,Units/L,U/L,-123 +77915118,284517,69,3,Hct,43.5,43.5,%,%,84 +73119007,284517,-151,1,glucose,122.0,122,mg/dL,mg/dL,-123 +77915124,284517,69,3,MCH,30.1,30.1,pg,pg,84 +73120512,284517,146,1,potassium,3.2,3.2,mmol/L,mmol/L,169 +77915125,284517,69,3,-monos,4.0,4,%,%,107 +80232367,284517,146,7,Total CO2,19.0,19,,mmol/L,151 +80103021,284517,69,7,pH,7.28,7.28,,units,72 +73119003,284517,-151,1,total protein,6.1,6.1,g/dL,g/dL,-123 +77914680,284517,-151,3,MCH,29.2,29.2,pg,pg,-137 +80232369,284517,146,7,paO2,69.0,69,mm Hg,mm Hg,152 +77915126,284517,69,3,MCHC,35.6,35.6,g/dL,g/dL,84 +73119008,284517,-151,1,lactate,10.1,10.1,mmol/L,mmol/L,-78 +77914683,284517,-151,3,platelets x 1000,182.0,182,K/mcL,K/cmm,-137 +80232374,284517,146,7,Base Excess,-9.0,-9,mEq/L,mmol/L,151 +80103017,284517,69,7,HCO3,18.5,18.5,mmol/L,mmol/L,72 +73119005,284517,-151,1,calcium,8.7,8.7,mg/dL,mg/dL,-123 +77914676,284517,-151,3,MCV,85.8,85.8,fL,fL,-137 +80232372,284517,146,7,pH,7.26,7.26,,units,151 +77915127,284517,69,3,platelets x 1000,188.0,188,K/mcL,K/cmm,84 +73119001,284517,-151,1,albumin,2.8,2.8,g/dL,g/dL,-123 +77914681,284517,-151,3,-monos,2.0,2,%,%,-126 +80232373,284517,146,7,O2 Sat (%),95.0,95,%,%,151 +80103023,284517,69,7,Base Excess,-8.0,-8,mEq/L,mmol/L,72 +73119000,284517,-151,1,sodium,129.0,129,mmol/L,mmol/L,-123 +77914677,284517,-151,3,Hgb,16.5,16.5,g/dL,g/dL,-137 +80232368,284517,146,7,HCO3,18.0,18.0,mmol/L,mmol/L,151 +77915123,284517,69,3,RDW,16.9,16.9,%,%,84 +73120515,284517,146,1,sodium,129.0,129,mmol/L,mmol/L,169 +77914675,284517,-151,3,-bands,49.0,49,%,%,-126 +80232370,284517,146,7,Carboxyhemoglobin,2.6,2.6,%,%,151 +80103016,284517,69,7,Total CO2,20.0,20,,mmol/L,72 +73119017,284517,-151,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,-123 +77914678,284517,-151,3,WBC x 1000,28.2,28.2,K/mcL,K/cmm,-128 +74788422,284517,-151,3,PT,21.3,21.3,sec,Sec,-72 +77915120,284517,69,3,MCV,84.5,84.5,fL,fL,84 +80993723,284517,-85,7,O2 Sat (%),84.0,84,%,%,-78 +77914674,284517,-151,3,Hct,48.5,48.5,%,%,-137 +73119009,284517,-151,1,chloride,86.0,86,mmol/L,mmol/L,-123 +80103020,284517,69,7,paCO2,39.0,39,mm Hg,mm Hg,72 +73123294,284517,372,1,calcium,7.2,7.2,mg/dL,mg/dL,394 +77914671,284517,-151,3,-lymphs,5.0,5,%,%,-126 +80993719,284517,-85,7,paO2,51.0,51,mm Hg,mm Hg,-76 +77915119,284517,69,3,-bands,41.0,41,%,%,107 +76432797,284517,92,3,fibrinogen,353.0,353,mg/dL,mg/dL,109 +81220041,284517,372,7,Total CO2,19.0,19,,mmol/L,379 +73123292,284517,372,1,sodium,126.0,126,mmol/L,mmol/L,388 +77914672,284517,-151,3,RBC,5.65,5.65,M/mcL,M/cmm,-137 +80993724,284517,-85,7,Base Excess,-12.0,-12,mEq/L,mmol/L,-78 +80103019,284517,69,7,Carboxyhemoglobin,2.5,2.5,%,%,72 +80232371,284517,146,7,paCO2,40.0,40,mm Hg,mm Hg,151 +81220047,284517,372,7,O2 Sat (%),95.0,95,%,%,379 +73123293,284517,372,1,bicarbonate,16.0,16,mmol/L,mmol/L,396 +77914679,284517,-151,3,RDW,16.9,16.9,%,%,-137 +80993720,284517,-85,7,Carboxyhemoglobin,2.3,2.3,%,%,-78 +77915121,284517,69,3,Hgb,15.5,15.5,g/dL,g/dL,84 +76432796,284517,92,3,PT,22.2,22.2,sec,Sec,108 +81220044,284517,372,7,Carboxyhemoglobin,2.5,2.5,%,%,379 +73123290,284517,372,1,creatinine,0.5,0.5,mg/dL,mg/dL,399 +77914682,284517,-151,3,MCHC,34.0,34.0,g/dL,g/dL,-137 +80993717,284517,-85,7,Total CO2,16.0,16,,mmol/L,-78 +80103022,284517,69,7,O2 Sat (%),94.0,94,%,%,72 +73119002,284517,-151,1,bicarbonate,20.0,20,mmol/L,mmol/L,-123 +81220045,284517,372,7,paCO2,39.0,39,mm Hg,mm Hg,379 +73123295,284517,372,1,glucose,184.0,184,mg/dL,mg/dL,399 +80597597,284517,96,7,PEEP,10.0,10,cm H2O,cm H2O,97 +80993718,284517,-85,7,HCO3,14.9,14.9,mmol/L,mmol/L,-78 +77915122,284517,69,3,WBC x 1000,16.1,16.1,K/mcL,K/cmm,84 +76432798,284517,92,3,PT - INR,2.0,2.0,ratio,,108 +81220046,284517,372,7,pH,7.27,7.27,,units,379 +73123291,284517,372,1,anion gap,12.0,12,,mmol/L,396 +79024491,284517,130,4,urinary specific gravity,1.015,1.015,,,186 +80993721,284517,-85,7,paCO2,39.0,39,mm Hg,mm Hg,-78 +79084759,284517,69,4,CRP,1148.0,114.8,mg/dL,mg/L,93 +74788423,284517,-151,3,PT - INR,1.9,1.9,ratio,,-72 +81220048,284517,372,7,Base Excess,-8.0,-8,mEq/L,mmol/L,379 +73123297,284517,372,1,BUN,17.0,17,mg/dL,mg/dL,393 +70744304,284517,69,1,lactate,4.8,4.8,mmol/L,mmol/L,96 +81338101,284517,34,7,PEEP,10.0,10,cm H2O,cm H2O,34 +72751705,284517,69,1,amylase,85.0,85,Units/L,U/L,93 +76432799,284517,92,3,PTT,39.2,39.2,sec,SEC,109 +81220043,284517,372,7,paO2,70.0,70,mm Hg,mm Hg,379 +73123289,284517,372,1,potassium,3.6,3.6,mmol/L,mmol/L,388 +77914673,284517,-151,3,-polys,32.0,32,%,%,-126 +80993722,284517,-85,7,pH,7.2,7.20,,units,-80 +80103018,284517,69,7,paO2,65.0,65,mm Hg,mm Hg,73 +73119010,284517,-151,1,BUN,17.0,17,mg/dL,mg/dL,-123 +81220042,284517,372,7,HCO3,18.2,18.2,mmol/L,mmol/L,379 +73123296,284517,372,1,chloride,98.0,98,mmol/L,mmol/L,388 +80597599,284517,96,7,FiO2,100.0,100,%,%,97 +81338103,284517,34,7,FiO2,100.0,100,%,%,34 +73288869,284517,69,2,Digoxin,0.8,0.8,ng/mL,ng/mL,96 +82706091,403279,57,1,sodium,142.0,142,mmol/L,mEq/L,57 +82706092,403279,57,1,glucose,90.0,90,mg/dL,mg/dL,57 +82706090,403279,57,1,creatinine,1.0,1.0,mg/dL,mg/dL,57 +82706093,403279,57,1,BUN,15.01,15.01,mg/dL,mg/dL,57 +93979554,403279,57,3,Hct,34.4,34.4,%,%,58 +82706088,403279,57,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,57 +93979555,403279,57,3,WBC x 1000,9.7,9.7,K/mcL,K/CMM,58 +105686264,403279,57,7,FiO2,21.0,21,%,%,70 +82706089,403279,57,1,potassium,2.6,2.6,mmol/L,mEq/L,57 +88034382,420354,-349,2,Acetaminophen,0.0,0,mcg/mL,ug/ml,-255 +88034379,420354,-349,2,ethanol,324.0,0.324,mg/dL,g/dl,-308 +81708305,420354,567,1,calcium,7.4,7.4,mg/dL,mg/dl,637 +88034380,420354,-349,2,Digoxin,0.36,0.36,ng/mL,ng/ml,-25 +81708306,420354,567,1,ALT (SGPT),17.0,17,Units/L,IU/L,637 +81668333,420354,-214,1,lactate,4.2,4.2,mmol/L,mmol/L,-193 +81708308,420354,567,1,chloride,99.0,99,mmol/L,meq/L,637 +88034378,420354,-349,2,salicylate,1.0,1.0,mg/dL,mg/dL,-255 +96779431,420354,168,4,bedside glucose,179.0,179,mg/dL,mg/dl,172 +81708301,420354,567,1,sodium,134.0,134,mmol/L,meq/L,637 +89073056,420354,-349,3,PT,11.4,11.4,sec,sec,-30 +81708304,420354,567,1,total protein,6.0,6.0,g/dL,g/dL,637 +89073057,420354,-349,3,PT - INR,1.0,1.0,ratio,,-30 +104567195,420354,-291,7,paO2,82.4,82.4,mm Hg,mmHg,-286 +91371662,420354,567,3,PT - INR,1.0,1.0,ratio,,636 +81708302,420354,567,1,albumin,2.7,2.7,g/dL,g/dl,637 +91371661,420354,567,3,PT,11.4,11.4,sec,sec,636 +91107772,420354,-349,3,RDW,14.7,14.7,%,%,-335 +104567198,420354,-291,7,Oxyhemoglobin,90.9,90.9,%,%,-286 +91107773,420354,-349,3,MCH,34.0,34,pg,uug,-335 +94303892,420354,1998,3,-lymphs,22.0,22,%,%,2071 +91107771,420354,-349,3,WBC x 1000,23.3,23.3,K/mcL,K/cmm,-335 +81708303,420354,567,1,bicarbonate,26.4,26.4,mmol/L,meq/L,637 +91107763,420354,-349,3,-lymphs,3.0,3,%,%,-335 +94303893,420354,1998,3,RBC,3.18,3.18,M/mcL,M/cmm,2071 +91107774,420354,-349,3,-monos,0.0,0,%,%,-335 +104567199,420354,-291,7,pH,7.221,7.221,,,-286 +91107775,420354,-349,3,MCHC,34.0,34,g/dL,g/dl,-335 +94303894,420354,1998,3,-basos,,0,%,ug/L,2071 +91107764,420354,-349,3,RBC,4.68,4.68,M/mcL,M/cmm,-335 +81708299,420354,567,1,alkaline phos.,106.0,106,Units/L,IU/L,637 +91107768,420354,-349,3,-eos,0.0,0,%,%,-335 +94303895,420354,1998,3,-polys,68.0,68,%,%,2071 +91107765,420354,-349,3,-basos,,4,%,ug/L,-335 +104567192,420354,-291,7,HCO3,12.4,12.4,mmol/L,meq/L,-286 +91107769,420354,-349,3,MCV,102.0,102,fL,fl,-335 +94303904,420354,1998,3,MCHC,33.0,33,g/dL,g/dl,2071 +91107776,420354,-349,3,platelets x 1000,278.0,278,K/mcL,K/cmm,-335 +81708307,420354,567,1,glucose,97.0,97,mg/dL,mg/dl,637 +91107770,420354,-349,3,Hgb,16.0,16.0,g/dL,g/dl,-335 +94303903,420354,1998,3,-monos,9.0,9,%,%,2071 +91107767,420354,-349,3,Hct,47.5,47.5,%,%,-335 +104567193,420354,-291,7,Base Deficit,13.9,13.9,mEq/L,meq/L,-286 +97281363,420354,-349,4,TSH,0.208,0.208,mcU/ml,uIU/ml,-270 +97362828,420354,1558,4,bedside glucose,147.0,147,mg/dL,mg/dl,1559 +94303905,420354,1998,3,platelets x 1000,203.0,203,K/mcL,K/cmm,2071 +91107766,420354,-349,3,-polys,92.0,92,%,%,-335 +88034381,420354,96,2,Acetaminophen,0.0,0,mcg/mL,ug/ml,127 +81708309,420354,567,1,BUN,38.0,38,mg/dL,mg/dl,637 +85393014,420354,-349,1,albumin,3.5,3.5,g/dL,g/dl,-308 +94303902,420354,1998,3,MCH,34.0,34,pg,uug,2071 +85393013,420354,-349,1,sodium,137.0,137,mmol/L,meq/L,-308 +104567196,420354,-291,7,Carboxyhemoglobin,2.0,2.0,%,%,-286 +85393020,420354,-349,1,chloride,98.0,98,mmol/L,meq/L,-308 +94303901,420354,1998,3,RDW,14.5,14.5,%,%,2071 +85393015,420354,-349,1,bicarbonate,13.1,13.1,mmol/L,meq/L,-308 +81708297,420354,567,1,potassium,3.8,3.8,mmol/L,meq/L,637 +85393010,420354,-349,1,creatinine,1.68,1.68,mg/dL,mg/dl,-308 +94303900,420354,1998,3,WBC x 1000,7.1,7.1,K/mcL,K/cmm,2071 +85393021,420354,-349,1,BUN,35.0,35,mg/dL,mg/dl,-308 +104567197,420354,-291,7,paCO2,30.8,30.8,mm Hg,mmHg,-286 +85393011,420354,-349,1,alkaline phos.,148.0,148,Units/L,IU/L,-308 +94303897,420354,1998,3,-eos,1.0,1,%,%,2071 +85393017,420354,-349,1,calcium,7.9,7.9,mg/dL,mg/dl,-308 +81547906,420354,-349,1,CPK,50.0,50,Units/L,IU/L,-308 +84632246,420354,1998,1,chloride,105.0,105,mmol/L,meq/L,2065 +94303898,420354,1998,3,MCV,104.0,104,fL,fl,2071 +85393019,420354,-349,1,glucose,163.0,163,mg/dL,mg/dl,-308 +81708296,420354,567,1,total bilirubin,0.7,0.7,mg/dL,mg/dl,637 +84632244,420354,1998,1,calcium,7.7,7.7,mg/dL,mg/dl,2065 +94303896,420354,1998,3,Hct,33.0,33.0,%,%,2071 +85393016,420354,-349,1,total protein,7.8,7.8,g/dL,g/dL,-308 +104567194,420354,-291,7,Methemoglobin,0.1,0.1,%,%,-286 +84632240,420354,1998,1,potassium,3.8,3.8,mmol/L,meq/L,2065 +94303899,420354,1998,3,Hgb,10.8,10.8,g/dL,g/dl,2071 +85393008,420354,-349,1,total bilirubin,0.4,0.4,mg/dL,mg/dl,-308 +81547907,420354,-349,1,troponin - I,,<0.017,ng/mL,ng/ml,-308 +84632241,420354,1998,1,creatinine,0.98,0.98,mg/dL,mg/dl,2065 +105270953,420354,102,7,HCO3,16.1,16.1,mmol/L,meq/L,108 +85393009,420354,-349,1,potassium,3.9,3.9,mmol/L,meq/L,-308 +81708298,420354,567,1,creatinine,1.4,1.40,mg/dL,mg/dl,637 +84632242,420354,1998,1,sodium,138.0,138,mmol/L,meq/L,2065 +105270954,420354,102,7,Base Deficit,8.4,8.4,mEq/L,meq/L,108 +85393018,420354,-349,1,ALT (SGPT),23.0,23,Units/L,IU/L,-308 +96470985,420354,-349,4,free T4,0.9,0.90,ng/dL,ng/dl,-270 +84632245,420354,1998,1,glucose,100.0,100,mg/dL,mg/dl,2065 +105270957,420354,102,7,pH,7.336,7.336,,,108 +85393012,420354,-349,1,AST (SGOT),29.0,29,Units/L,IU/L,-308 +97159278,420354,-63,4,urinary specific gravity,1.02,1.020,,,-48 +84632243,420354,1998,1,bicarbonate,28.2,28.2,mmol/L,meq/L,2065 +105270955,420354,102,7,paO2,71.5,71.5,mm Hg,mmHg,108 +95354009,420354,-161,4,bedside glucose,113.0,113,mg/dL,mg/dl,-157 +81708300,420354,567,1,AST (SGOT),17.0,17,Units/L,IU/L,637 +85946016,420354,-349,1,magnesium,2.2,2.20,mg/dL,meq/L,-321 +105270956,420354,102,7,paCO2,30.8,30.8,mm Hg,mmHg,108 +84632247,420354,1998,1,BUN,25.0,25,mg/dL,mg/dl,2065 +147386726,827085,1224,1,alkaline phos.,119.0,119,Units/L,IU/L,1269 +146725338,827085,2699,1,total protein,4.0,4.0,g/dL,g/dL,2747 +147386725,827085,1224,1,creatinine,2.24,2.24,mg/dL,mg/dL,1269 +146725339,827085,2699,1,calcium,7.4,7.4,mg/dL,mg/dL,2747 +147386728,827085,1224,1,AST (SGOT),71.0,71,Units/L,IU/L,1269 +146725336,827085,2699,1,albumin,1.2,1.2,g/dL,g/dL,2747 +147386737,827085,1224,1,BUN,75.0,75,mg/dL,mg/dL,1269 +146725333,827085,2699,1,anion gap,14.0,14,,,2747 +147386736,827085,1224,1,chloride,118.0,118,mmol/L,mmol/L,1269 +146725331,827085,2699,1,creatinine,2.3,2.30,mg/dL,mg/dL,2747 +147386729,827085,1224,1,sodium,149.0,149,mmol/L,mmol/L,1269 +146725332,827085,2699,1,alkaline phos.,195.0,195,Units/L,IU/L,2747 +147386727,827085,1224,1,anion gap,15.0,15,,,1269 +146725334,827085,2699,1,AST (SGOT),50.0,50,Units/L,IU/L,2747 +147386724,827085,1224,1,potassium,3.5,3.5,mmol/L,mmol/L,1269 +146725335,827085,2699,1,sodium,144.0,144,mmol/L,mmol/L,2747 +147386733,827085,1224,1,calcium,7.7,7.7,mg/dL,mg/dL,1269 +176309079,827085,2699,3,Hgb,8.3,8.3,g/dL,g/dL,2742 +226147486,827085,1179,7,paO2,71.0,71,mm Hg,mmHg,1179 +146725343,827085,2699,1,BUN,75.0,75,mg/dL,mg/dL,2747 +221646106,827085,107,7,Base Excess,-10.0,-10.0,mEq/L,mmol/L,107 +176034106,827085,2699,3,PT - INR,1.2,1.2,ratio,,2732 +226147484,827085,1179,7,TV,450.0,450,mls,,1179 +147386723,827085,1224,1,total bilirubin,1.1,1.1,mg/dL,mg/dL,1269 +221646096,827085,107,7,PEEP,8.0,8,cm H2O,,107 +176309078,827085,2699,3,MCV,90.0,90,fL,fL,2742 +226147487,827085,1179,7,paCO2,28.0,28,mm Hg,mmHg,1179 +146725337,827085,2699,1,bicarbonate,15.0,15,mmol/L,mmol/L,2747 +221646102,827085,107,7,pH,7.33,7.33,,,107 +176309080,827085,2699,3,WBC x 1000,5.3,5.3,K/mcL,K/MM3,2742 +226147485,827085,1179,7,FiO2,40.0,40,%,%,1179 +147386734,827085,1224,1,ALT (SGPT),137.0,137,Units/L,IU/L,1269 +221646104,827085,107,7,O2 Sat (%),96.0,96,%,%,107 +176309075,827085,2699,3,MPV,11.1,11.1,fL,fL,2742 +226147483,827085,1179,7,HCO3,15.0,15,mmol/L,mmol/L,1179 +146725340,827085,2699,1,ALT (SGPT),121.0,121,Units/L,IU/L,2747 +221646100,827085,107,7,paO2,88.0,88,mm Hg,mmHg,107 +176309076,827085,2699,3,RBC,2.78,2.78,M/mcL,M/MM3,2742 +226147488,827085,1179,7,pH,7.34,7.34,,,1179 +147386730,827085,1224,1,albumin,1.3,1.3,g/dL,g/dL,1269 +221646098,827085,107,7,TV,450.0,450,mls,,107 +176309083,827085,2699,3,MCHC,33.3,33.3,g/dL,g/dL,2742 +226147482,827085,1179,7,PEEP,8.0,8,cm H2O,,1179 +146725329,827085,2699,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,2747 +221646099,827085,107,7,FiO2,70.0,70,%,%,107 +176309084,827085,2699,3,platelets x 1000,34.0,34,K/mcL,K/MM3,2742 +226147490,827085,1179,7,O2 Sat (%),93.0,93,%,%,1179 +147386731,827085,1224,1,bicarbonate,16.0,16,mmol/L,mmol/L,1269 +167003246,827085,1569,3,PT,15.3,15.3,sec,second(s),1616 +221646097,827085,107,7,HCO3,15.0,15,mmol/L,mmol/L,107 +176309081,827085,2699,3,RDW,18.5,18.5,%,%,2742 +167003248,827085,1569,3,PTT,31.0,31,sec,second(s),1617 +226147492,827085,1179,7,Base Excess,-10.0,-10.0,mEq/L,mmol/L,1179 +222908385,827085,2650,7,HCO3,16.0,16,mmol/L,mmol/L,2650 +167003247,827085,1569,3,PT - INR,1.2,1.2,ratio,,1616 +221646101,827085,107,7,paCO2,29.0,29,mm Hg,mmHg,107 +146725341,827085,2699,1,glucose,156.0,156,mg/dL,mg/dL,2747 +186884801,827085,1224,3,MPV,11.1,11.1,fL,fL,1268 +222908394,827085,2650,7,Base Excess,-10.0,-10.0,mEq/L,mmol/L,2650 +186884802,827085,1224,3,RBC,2.72,2.72,M/mcL,M/MM3,1268 +176309077,827085,2699,3,Hct,24.9,24.9,%,%,2742 +186671610,827085,2699,3,PT,15.1,15.1,sec,second(s),2732 +222908386,827085,2650,7,TV,470.0,470,mls,,2650 +186884807,827085,1224,3,RDW,18.5,18.5,%,%,1268 +147386735,827085,1224,1,glucose,113.0,113,mg/dL,mg/dL,1269 +227311386,827085,1427,7,pH,7.34,7.34,,,1427 +222908384,827085,2650,7,PEEP,5.0,5,cm H2O,,2650 +186884808,827085,1224,3,MCH,30.5,30.5,pg,pg,1268 +176309082,827085,2699,3,MCH,29.9,29.9,pg,pg,2742 +227311381,827085,1427,7,HCO3,15.0,15,mmol/L,mmol/L,1427 +222908387,827085,2650,7,FiO2,35.0,35,%,%,2650 +186884809,827085,1224,3,MCHC,34.7,34.7,g/dL,g/dL,1268 +187898994,827085,339,4,bedside glucose,104.0,104,mg/dL,mg/dL,339 +227311385,827085,1427,7,paCO2,29.0,29,mm Hg,mmHg,1427 +146725342,827085,2699,1,chloride,115.0,115,mmol/L,mmol/L,2747 +186884804,827085,1224,3,MCV,88.0,88,fL,fL,1268 +222908389,827085,2650,7,paCO2,30.0,30,mm Hg,mmHg,2650 +227311380,827085,1427,7,PEEP,5.0,5,cm H2O,,1427 +165249715,827085,2699,1,phosphate,5.2,5.2,mg/dL,mg/dL,2747 +186884803,827085,1224,3,Hct,23.9,23.9,%,%,1268 +191383514,827085,1333,4,bedside glucose,85.0,85,mg/dL,mg/dL,1333 +227311384,827085,1427,7,paO2,71.0,71,mm Hg,mmHg,1427 +222908390,827085,2650,7,pH,7.32,7.32,,,2650 +186884805,827085,1224,3,Hgb,8.3,8.3,g/dL,g/dL,1268 +187962753,827085,3024,4,bedside glucose,113.0,113,mg/dL,mg/dL,3024 +225379883,827085,1427,7,O2 Sat (%),93.0,93,%,%,1427 +147386732,827085,1224,1,total protein,3.9,3.9,g/dL,g/dL,1269 +186884806,827085,1224,3,WBC x 1000,6.0,6.0,K/mcL,K/MM3,1268 +222908392,827085,2650,7,O2 Sat (%),89.0,89,%,%,2650 +227311383,827085,1427,7,FiO2,35.0,35,%,%,1427 +163995196,827085,2699,1,magnesium,2.5,2.5,mg/dL,mg/dL,2747 +186884810,827085,1224,3,platelets x 1000,33.0,33,K/mcL,K/MM3,1268 +187421029,827085,1570,4,bedside glucose,87.0,87,mg/dL,mg/dL,1570 +225379885,827085,1427,7,Base Excess,-9.0,-9.0,mEq/L,mmol/L,1427 +222908388,827085,2650,7,paO2,60.0,60,mm Hg,mmHg,2650 +191289681,827085,902,4,bedside glucose,82.0,82,mg/dL,mg/dL,902 +222963933,827085,58,7,FiO2,100.0,100,%,%,58 +188591762,827085,2755,4,bedside glucose,113.0,113,mg/dL,mg/dL,2755 +146725330,827085,2699,1,potassium,3.5,3.5,mmol/L,mmol/L,2747 +190415907,827085,149,4,bedside glucose,105.0,105,mg/dL,mg/dL,149 +188379649,827085,1847,4,bedside glucose,127.0,127,mg/dL,mg/dL,1847 +190408291,827085,1143,4,bedside glucose,82.0,82,mg/dL,mg/dL,1143 +190946881,827085,2070,4,bedside glucose,105.0,105,mg/dL,mg/dL,2070 +227311382,827085,1427,7,TV,470.0,470,mls,,1427 +143338335,827085,107,1,lactate,1.6,1.6,mmol/L,mmol/L,107 +190284900,827085,2597,4,bedside glucose,121.0,121,mg/dL,mg/dL,2597 +190473798,827085,630,4,bedside glucose,88.0,88,mg/dL,mg/dL,630 +190107864,827085,2339,4,bedside glucose,127.0,127,mg/dL,mg/dL,2339 +49010019,210642,-320,1,glucose,129.0,129,mg/dL,mg/dL,-289 +49010021,210642,-320,1,creatinine,0.86,0.86,mg/dL,mg/dL,-289 +49010016,210642,-320,1,chloride,102.0,102,mmol/L,mmol/L,-289 +49010017,210642,-320,1,bicarbonate,28.0,28,mmol/L,mmol/L,-289 +56666131,210642,-320,3,MCH,33.1,33.1,pg,pg,-308 +49010022,210642,-320,1,calcium,9.0,9.0,mg/dL,mg/dL,-289 +56666126,210642,-320,3,WBC x 1000,10.9,10.9,K/mcL,K/mcL,-308 +49010015,210642,-320,1,potassium,3.7,3.7,mmol/L,mmol/L,-289 +56666130,210642,-320,3,MCV,99.2,99.2,fL,fl,-308 +49010018,210642,-320,1,anion gap,15.0,15,,mmol/L,-289 +56666132,210642,-320,3,MCHC,33.3,33.3,g/dL,g/dL,-308 +49010028,210642,-320,1,albumin,3.6,3.6,g/dL,g/dL,-289 +56666127,210642,-320,3,RBC,4.93,4.93,M/mcL,mil/mcL,-308 +49010020,210642,-320,1,BUN,11.0,11,mg/dL,mg/dL,-289 +56666128,210642,-320,3,Hgb,16.3,16.3,g/dL,g/dL,-308 +49010027,210642,-320,1,total protein,7.2,7.2,g/dL,g/dL,-289 +56666129,210642,-320,3,Hct,48.9,48.9,%,%,-308 +49010026,210642,-320,1,alkaline phos.,51.0,51,Units/L,Units/L,-289 +56666133,210642,-320,3,RDW,13.9,13.9,%,%,-308 +49010023,210642,-320,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-289 +56666136,210642,-320,3,-lymphs,13.0,13,%,%,-308 +49010024,210642,-320,1,AST (SGOT),40.0,40,Units/L,Units/L,-289 +56666135,210642,-320,3,-polys,79.0,79,%,%,-308 +46555506,210642,-320,1,magnesium,1.4,1.4,mg/dL,mg/dL,-185 +56698883,210642,-320,3,-eos,1.0,1,%,%,-308 +67128288,210642,-80,7,paO2,67.0,67,mm Hg,mm Hg,-53 +49010025,210642,-320,1,ALT (SGPT),69.0,69,Units/L,Units/L,-289 +56666134,210642,-320,3,platelets x 1000,238.0,238,K/mcL,K/mcL,-308 +67128287,210642,-80,7,paCO2,44.0,44,mm Hg,mm Hg,-53 +50156247,210642,-320,3,PT - INR,1.0,1.0,ratio,,-291 +56698884,210642,-320,3,-basos,0.0,0,%,%,-308 +67128289,210642,-80,7,HCO3,28.0,28,mmol/L,mmol/L,-53 +47108202,210642,-320,1,troponin - I,,<0.02,ng/mL,ng/mL,-289 +58433777,210642,-320,4,BNP,559.0,559,pg/mL,pg/mL,-279 +67128286,210642,-80,7,pH,7.41,7.41,,Units,-53 +49010014,210642,-320,1,sodium,141.0,141,mmol/L,mmol/L,-289 +56666137,210642,-320,3,-monos,7.0,7,%,%,-308 +67128291,210642,-80,7,LPM O2,3.0,3,L/min,LPM,-56 +50156246,210642,-320,3,PT,10.0,10.0,sec,sec,-291 +58704480,210642,-310,4,urinary specific gravity,,<1.005,,,-231 +67128290,210642,-80,7,Base Excess,3.0,3,mEq/L,mmol/L,-53 +46656070,210642,-122,1,troponin - I,,<0.02,ng/mL,ng/mL,-100 +57942345,210642,-320,4,TSH,0.891,0.891,mcU/ml,mcUnits/mL,-133 +42903177,210642,-320,1,lactate,1.2,1.2,mmol/L,mmol/L,-285 +86301828,393769,76,1,BUN,10.0,10,mg/dL,mg/dL,76 +86301826,393769,76,1,sodium,150.0,150,mmol/L,mEq/L,76 +86301825,393769,76,1,creatinine,1.4,1.4,mg/dL,mg/dL,76 +86301829,393769,76,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,1249 +93740719,393769,76,3,Hct,33.5,33.5,%,%,77 +86301827,393769,76,1,glucose,98.0,98,mg/dL,mg/dL,76 +93740720,393769,76,3,WBC x 1000,7.4,7.4,K/mcL,K/CMM,77 +629647453,2833949,225,1,BUN,35.0,35,mg/dL,mg/dL,287 +629647452,2833949,225,1,chloride,90.0,90,mmol/L,mmol/L,287 +629647445,2833949,225,1,potassium,4.2,4.2,mmol/L,mmol/L,287 +629647446,2833949,225,1,creatinine,1.14,1.14,mg/dL,mg/dL,287 +629647451,2833949,225,1,glucose,249.0,249,mg/dL,mg/dL,287 +629647448,2833949,225,1,sodium,135.0,135,mmol/L,mmol/L,287 +629647447,2833949,225,1,anion gap,9.2,9.2,,mmol/L,287 +672055500,2833949,1030,4,bedside glucose,265.0,265,mg/dL,mg/dL,1196 +641283529,2833949,225,1,magnesium,2.1,2.1,mg/dL,mg/dL,287 +629647449,2833949,225,1,bicarbonate,40.0,40,mmol/L,mmol/L,287 +627965671,2833949,119,1,albumin,2.4,2.4,g/dL,g/dL,185 +629647450,2833949,225,1,calcium,8.2,8.2,mg/dL,mg/dL,287 +627965670,2833949,119,1,AST (SGOT),15.0,15,Units/L,U/L,185 +642560821,2833949,765,1,BUN,33.0,33,mg/dL,mg/dL,826 +658823358,2833949,765,3,-monos,4.0,4,%,%,787 +627965672,2833949,119,1,total protein,6.6,6.6,g/dL,g/dL,185 +658823359,2833949,765,3,-eos,0.0,0,%,%,787 +642560816,2833949,765,1,potassium,3.6,3.6,mmol/L,mmol/L,826 +658823354,2833949,765,3,RDW,17.5,17.5,%,%,787 +627965669,2833949,119,1,alkaline phos.,51.0,51,Units/L,U/L,185 +658823353,2833949,765,3,MCHC,30.7,30.7,g/dL,g/dL,787 +642560818,2833949,765,1,bicarbonate,36.0,36,mmol/L,mmol/L,826 +636179258,2833949,765,1,phosphate,3.0,3.0,mg/dL,mg/dL,826 +658823352,2833949,765,3,MCH,28.5,28.5,pg,pg,787 +627965674,2833949,119,1,ALT (SGPT),14.0,14,Units/L,U/L,185 +636199263,2833949,765,1,ALT (SGPT),10.0,10,Units/L,U/L,826 +658823355,2833949,765,3,platelets x 1000,176.0,176,K/mcL,K/uL,787 +642560819,2833949,765,1,anion gap,13.6,13.6,,mmol/L,826 +636199257,2833949,765,1,calcium,8.7,8.7,mg/dL,mg/dL,826 +658823351,2833949,765,3,MCV,93.0,93,fL,fL,787 +627965673,2833949,119,1,direct bilirubin,0.1,0.1,mg/dL,mg/dL,185 +636199261,2833949,765,1,alkaline phos.,53.0,53,Units/L,U/L,826 +658823356,2833949,765,3,-polys,91.0,91,%,%,787 +642560820,2833949,765,1,glucose,265.0,265,mg/dL,mg/dL,826 +636199259,2833949,765,1,albumin,2.5,2.5,g/dL,g/dL,826 +658823349,2833949,765,3,Hgb,11.9,11.9,g/dL,g/dL,787 +627965668,2833949,119,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,185 +636199260,2833949,765,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,826 +658823348,2833949,765,3,RBC,4.17,4.17,M/mcL,M/uL,787 +642560815,2833949,765,1,sodium,134.0,134,mmol/L,mmol/L,826 +636199262,2833949,765,1,AST (SGOT),18.0,18,Units/L,U/L,826 +658823350,2833949,765,3,Hct,38.8,38.8,%,%,787 +672887972,2833949,220,4,bedside glucose,227.0,227,mg/dL,mg/dL,222 +636199258,2833949,765,1,total protein,6.9,6.9,g/dL,g/dL,826 +658823357,2833949,765,3,-lymphs,5.0,5,%,%,787 +649635845,2833949,127,3,PT - INR,1.5,1.5,ratio,,142 +671190953,2833949,769,4,bedside glucose,226.0,226,mg/dL,mg/dL,770 +658823360,2833949,765,3,-basos,0.0,0,%,%,787 +642560817,2833949,765,1,chloride,88.0,88,mmol/L,mmol/L,826 +636199256,2833949,765,1,creatinine,1.11,1.11,mg/dL,mg/dL,826 +658823347,2833949,765,3,WBC x 1000,7.7,7.7,K/mcL,K/uL,787 +634815513,2833949,765,1,magnesium,2.3,2.3,mg/dL,mg/dL,826 +672856657,2833949,13,4,bedside glucose,241.0,241,mg/dL,mg/dL,14 +649635844,2833949,127,3,PT,17.3,17.3,sec,sec,142 +638793651,2833949,119,1,phosphate,1.2,1.2,mg/dL,mg/dL,185 +229425622,972876,715,3,MCHC,33.9,33.9,g/dL,g/dL,766 +229425623,972876,715,3,platelets x 1000,62.0,62,K/mcL,th/uL,766 +229425620,972876,715,3,MCH,33.5,33.5,pg,pg,766 +229425621,972876,715,3,-monos,7.2,7.2,%,%,766 +227593262,972876,715,1,potassium,3.5,3.5,mmol/L,mmol/L,779 +229425618,972876,715,3,WBC x 1000,4.6,4.6,K/mcL,th/uL,766 +227593266,972876,715,1,bicarbonate,24.0,24,mmol/L,mmol/L,779 +229425617,972876,715,3,Hgb,12.5,12.5,g/dL,g/dL,766 +227593263,972876,715,1,creatinine,0.71,0.71,mg/dL,mg/dL,779 +229425619,972876,715,3,RDW,12.8,12.8,%,%,766 +227593267,972876,715,1,calcium,8.2,8.2,mg/dL,mg/dL,779 +229425614,972876,715,3,Hct,36.9,36.9,%,%,766 +229425613,972876,715,3,-polys,69.6,69.6,%,%,766 +227593265,972876,715,1,sodium,140.0,140,mmol/L,mmol/L,779 +229425609,972876,715,3,MPV,9.5,9.5,fL,fL,766 +227593269,972876,715,1,chloride,110.0,110,mmol/L,mmol/L,779 +229425610,972876,715,3,-lymphs,21.3,21.3,%,%,766 +227593270,972876,715,1,BUN,6.0,6,mg/dL,mg/dL,779 +229425611,972876,715,3,RBC,3.73,3.73,M/mcL,mill/uL,766 +231223768,972876,619,4,bedside glucose,129.0,129,mg/dL,mg/dL,619 +229425615,972876,715,3,-eos,1.5,1.5,%,%,766 +227593268,972876,715,1,glucose,129.0,129,mg/dL,mg/dL,779 +229425612,972876,715,3,-basos,0.4,0.4,%,%,766 +231165125,972876,994,4,bedside glucose,231.0,231,mg/dL,mg/dL,994 +231180302,972876,585,4,bedside glucose,59.0,59,mg/dL,mg/dL,585 +231376938,972876,135,4,bedside glucose,274.0,274,mg/dL,mg/dL,135 +229425616,972876,715,3,MCV,98.9,98.9,fL,fL,766 +231400379,972876,253,4,bedside glucose,261.0,261,mg/dL,mg/dL,253 +227593264,972876,715,1,anion gap,6.0,6,,,779 +42743593,165753,-377,1,glucose,96.0,96,mg/dL,mg/dL,-355 +55096338,165753,-26,3,-lymphs,6.0,6,%,%,-11 +42743594,165753,-377,1,BUN,6.0,6,mg/dL,mg/dL,-355 +55096336,165753,-26,3,platelets x 1000,186.0,186,K/mcL,K/mcL,-12 +42743595,165753,-377,1,creatinine,0.66,0.66,mg/dL,mg/dL,-355 +55096337,165753,-26,3,-polys,92.0,92,%,%,-11 +42743599,165753,-377,1,ALT (SGPT),42.0,42,Units/L,Units/L,-355 +55096334,165753,-26,3,MCHC,34.6,34.6,g/dL,g/dL,-12 +42743600,165753,-377,1,alkaline phos.,165.0,165,Units/L,Units/L,-355 +55096335,165753,-26,3,RDW,14.7,14.7,%,%,-12 +42743598,165753,-377,1,AST (SGOT),46.0,46,Units/L,Units/L,-355 +55096339,165753,-26,3,-monos,2.0,2,%,%,-11 +42743601,165753,-377,1,total protein,7.8,7.8,g/dL,g/dL,-355 +55096329,165753,-26,3,RBC,4.13,4.13,M/mcL,mil/mcL,-12 +42743596,165753,-377,1,calcium,9.4,9.4,mg/dL,mg/dL,-355 +55096330,165753,-26,3,Hgb,14.4,14.4,g/dL,g/dL,-12 +42743602,165753,-377,1,albumin,3.9,3.9,g/dL,g/dL,-355 +55096328,165753,-26,3,WBC x 1000,12.6,12.6,K/mcL,K/mcL,-12 +42743590,165753,-377,1,chloride,102.0,102,mmol/L,mmol/L,-355 +55096331,165753,-26,3,Hct,41.6,41.6,%,%,-12 +42743591,165753,-377,1,bicarbonate,30.0,30,mmol/L,mmol/L,-355 +55096340,165753,-26,3,-eos,0.0,0,%,%,-11 +42743588,165753,-377,1,sodium,140.0,140,mmol/L,mmol/L,-355 +55096332,165753,-26,3,MCV,100.7,100.7,fL,fl,-12 +42743589,165753,-377,1,potassium,4.2,4.2,mmol/L,mmol/L,-355 +55096333,165753,-26,3,MCH,34.9,34.9,pg,pg,-12 +42743592,165753,-377,1,anion gap,12.0,12,,mmol/L,-355 +55096341,165753,-26,3,-basos,0.0,0,%,%,-11 +46725740,165753,-26,1,magnesium,1.8,1.8,mg/dL,mg/dL,-6 +42743597,165753,-377,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-355 +275747648,1193511,-176,1,alkaline phos.,165.0,165,Units/L,U/L,-143 +291035027,1193511,8029,7,Vent Rate,20.0,20.0,/min,,8036 +275747649,1193511,-176,1,AST (SGOT),55.0,55,Units/L,U/L,-143 +291035028,1193511,8029,7,FiO2,50.0,50,%,%,8036 +275747650,1193511,-176,1,sodium,137.0,137,mmol/L,mmol/L,-143 +291035029,1193511,8029,7,paO2,70.0,70,mm Hg,mmHg,8036 +275747647,1193511,-176,1,creatinine,0.99,0.99,mg/dL,mg/dL,-143 +291035026,1193511,8029,7,HCO3,28.0,28,mmol/L,mmol/L,8036 +279662275,1193511,9426,1,calcium,8.7,8.7,mg/dL,mg/dL,9469 +275747646,1193511,-176,1,potassium,4.1,4.1,mmol/L,mmol/L,-143 +280481802,1193511,10892,1,BUN,28.0,28,mg/dL,mg/dL,10942 +291035030,1193511,8029,7,paCO2,37.0,37,mm Hg,mmHg,8036 +279662276,1193511,9426,1,ALT (SGPT),46.0,46,Units/L,U/L,9469 +275747651,1193511,-176,1,albumin,3.9,3.9,g/dL,gm/dL,-143 +280481798,1193511,10892,1,calcium,8.7,8.7,mg/dL,mg/dL,10942 +291297265,1193511,751,7,O2 Sat (%),94.0,94,%,%,752 +279662277,1193511,9426,1,glucose,150.0,150,mg/dL,mg/dL,9469 +275747652,1193511,-176,1,bicarbonate,23.0,23,mmol/L,mmol/L,-143 +280481797,1193511,10892,1,total protein,7.2,7.2,g/dL,gm/dL,10942 +291297264,1193511,751,7,Respiratory Rate,28.0,28,/min,/min,752 +279662270,1193511,9426,1,AST (SGOT),47.0,47,Units/L,U/L,9469 +275747656,1193511,-176,1,glucose,158.0,158,mg/dL,mg/dL,-143 +280481791,1193511,10892,1,creatinine,0.94,0.94,mg/dL,mg/dL,10942 +284433301,1193511,5238,3,platelets x 1000,199.0,199,K/mcL,thou/cumm,5247 +291035031,1193511,8029,7,Respiratory Rate,32.0,32,/min,,8036 +279662269,1193511,9426,1,alkaline phos.,181.0,181,Units/L,U/L,9469 +284433300,1193511,5238,3,WBC x 1000,11.05,11.05,K/mcL,thou/cumm,5247 +275747658,1193511,-176,1,BUN,16.0,16,mg/dL,mg/dL,-143 +280481792,1193511,10892,1,alkaline phos.,201.0,201,Units/L,U/L,10942 +284433298,1193511,5238,3,Hct,27.4,27.4,%,%,5247 +291297263,1193511,751,7,FiO2,37.0,37,%,%,752 +279662279,1193511,9426,1,BUN,28.0,28,mg/dL,mg/dL,9469 +288434470,1193511,8087,3,-polys,76.3,76.3,%,%,8138 +284433296,1193511,5238,3,MPV,9.3,9.3,fL,fl,5247 +278257407,1193511,5238,1,glucose,141.0,141,mg/dL,mg/dL,5259 +288434471,1193511,8087,3,Hct,27.3,27.3,%,%,8138 +275747657,1193511,-176,1,chloride,98.0,98,mmol/L,mmol/L,-143 +278257405,1193511,5238,1,calcium,8.8,8.8,mg/dL,mg/dL,5259 +288434468,1193511,8087,3,RBC,2.87,2.87,M/mcL,mill/cumm,8138 +280481794,1193511,10892,1,sodium,138.0,138,mmol/L,mmol/L,10942 +278257406,1193511,5238,1,phosphate,3.1,3.1,mg/dL,mg/dL,5259 +288434472,1193511,8087,3,-eos,2.9,2.9,%,%,8138 +284433297,1193511,5238,3,RBC,2.85,2.85,M/mcL,mill/cumm,5247 +277984309,1193511,3786,1,bicarbonate,24.0,24,mmol/L,mmol/L,3830 +288434469,1193511,8087,3,-basos,1.1,1.1,%,%,8138 +291035032,1193511,8029,7,pH,7.49,7.49,,,8036 +278257404,1193511,5238,1,bicarbonate,26.0,26,mmol/L,mmol/L,5259 +288434467,1193511,8087,3,-lymphs,12.6,12.6,%,%,8138 +279662267,1193511,9426,1,potassium,3.7,3.7,mmol/L,mmol/L,9469 +278257408,1193511,5238,1,chloride,99.0,99,mmol/L,mmol/L,5259 +288434774,1193511,8087,3,platelets x 1000,244.0,244,K/mcL,thou/cumm,8138 +284234349,1193511,59,3,PT,15.2,15.2,sec,sec,86 +277984311,1193511,3786,1,glucose,145.0,145,mg/dL,mg/dL,3830 +288582662,1193511,2338,3,WBC x 1000,10.66,10.66,K/mcL,thou/cumm,2361 +275747654,1193511,-176,1,calcium,9.3,9.3,mg/dL,mg/dL,-143 +278257409,1193511,5238,1,BUN,18.0,18,mg/dL,mg/dL,5259 +288434773,1193511,8087,3,-monos,6.7,6.7,%,%,8138 +279285270,1193511,12514,1,potassium,3.3,3.3,mmol/L,mmol/L,12542 +277984313,1193511,3786,1,BUN,21.0,21,mg/dL,mg/dL,3830 +288582658,1193511,2338,3,MPV,9.3,9.3,fL,fl,2361 +278432990,1193511,-176,1,magnesium,1.9,1.9,mg/dL,mg/dL,-143 +278257402,1193511,5238,1,sodium,136.0,136,mmol/L,mmol/L,5259 +288434473,1193511,8087,3,Hgb,8.5,8.5,g/dL,g/dL,8138 +291035033,1193511,8029,7,O2 Sat (%),99.0,99,%,%,8036 +277984312,1193511,3786,1,chloride,99.0,99,mmol/L,mmol/L,3830 +288582663,1193511,2338,3,platelets x 1000,213.0,213,K/mcL,thou/cumm,2361 +280481796,1193511,10892,1,bicarbonate,27.0,27,mmol/L,mmol/L,10942 +278257403,1193511,5238,1,albumin,3.2,3.2,g/dL,gm/dL,5259 +288434474,1193511,8087,3,WBC x 1000,11.12,11.12,K/mcL,thou/cumm,8138 +284433299,1193511,5238,3,Hgb,8.6,8.6,g/dL,g/dL,5247 +277984306,1193511,3786,1,potassium,3.9,3.9,mmol/L,mmol/L,3830 +288582661,1193511,2338,3,Hgb,8.5,8.5,g/dL,g/dL,2361 +275747655,1193511,-176,1,ALT (SGPT),62.0,62,Units/L,U/L,-143 +278257400,1193511,5238,1,potassium,4.2,4.2,mmol/L,mmol/L,5259 +288434466,1193511,8087,3,MPV,9.5,9.5,fL,fl,8138 +288568131,1193511,59,3,MPV,9.2,9.2,fL,fl,76 +277984308,1193511,3786,1,sodium,136.0,136,mmol/L,mmol/L,3830 +288582659,1193511,2338,3,RBC,2.85,2.85,M/mcL,mill/cumm,2361 +284234350,1193511,59,3,PT - INR,1.17,1.17,ratio,,86 +277984310,1193511,3786,1,calcium,8.3,8.3,mg/dL,mg/dL,3830 +282226055,1193511,10106,2,Vancomycin - trough,12.3,12.3,mcg/mL,ug/mL,10148 +291035035,1193511,8029,7,Temperature,37.0,37.0,°C,Celsius,8036 +277984307,1193511,3786,1,creatinine,1.03,1.03,mg/dL,mg/dL,3830 +288434772,1193511,8087,3,RDW,16.3,16.3,%,%,8138 +279285268,1193511,12514,1,glucose,140.0,140,mg/dL,mg/dL,12542 +278232053,1193511,343,1,troponin - T,0.62,0.62,ng/mL,ng/mL,384 +282226054,1193511,5764,2,Vancomycin - trough,13.5,13.5,mcg/mL,ug/mL,5806 +276469104,1193511,-171,1,lipase,40.0,40,Units/L,U/L,-147 +278257401,1193511,5238,1,creatinine,0.85,0.85,mg/dL,mg/dL,5259 +288582660,1193511,2338,3,Hct,27.1,27.1,%,%,2361 +275747653,1193511,-176,1,total protein,7.8,7.8,g/dL,gm/dL,-143 +278347510,1193511,721,1,bicarbonate,26.0,26,mmol/L,mmol/L,777 +279662273,1193511,9426,1,bicarbonate,28.0,28,mmol/L,mmol/L,9469 +278347516,1193511,721,1,BUN,24.0,24,mg/dL,mg/dL,777 +288438634,1193511,9426,3,platelets x 1000,254.0,254,K/mcL,thou/cumm,9481 +278347511,1193511,721,1,total protein,7.2,7.2,g/dL,gm/dL,777 +288568135,1193511,59,3,WBC x 1000,13.43,13.43,K/mcL,thou/cumm,76 +278347507,1193511,721,1,AST (SGOT),56.0,56,Units/L,U/L,777 +288438633,1193511,9426,3,-monos,7.4,7.4,%,%,9481 +278347509,1193511,721,1,albumin,3.6,3.6,g/dL,gm/dL,777 +279285273,1193511,12514,1,calcium,8.2,8.2,mg/dL,mg/dL,12542 +278347508,1193511,721,1,sodium,137.0,137,mmol/L,mmol/L,777 +288574113,1193511,721,3,Hgb,9.9,9.9,g/dL,g/dL,761 +285622812,1193511,10892,3,RBC,2.81,2.81,M/mcL,mill/cumm,10958 +280481795,1193511,10892,1,albumin,3.1,3.1,g/dL,gm/dL,10942 +278347512,1193511,721,1,calcium,8.7,8.7,mg/dL,mg/dL,777 +288574115,1193511,721,3,platelets x 1000,266.0,266,K/mcL,thou/cumm,761 +285622811,1193511,10892,3,MPV,9.6,9.6,fL,fl,10958 +288568136,1193511,59,3,platelets x 1000,283.0,283,K/mcL,thou/cumm,76 +278347505,1193511,721,1,creatinine,1.26,1.26,mg/dL,mg/dL,777 +288574110,1193511,721,3,MPV,9.5,9.5,fL,fl,761 +285622814,1193511,10892,3,Hgb,8.1,8.1,g/dL,g/dL,10958 +279285271,1193511,12514,1,chloride,96.0,96,mmol/L,mmol/L,12542 +278347513,1193511,721,1,ALT (SGPT),69.0,69,Units/L,U/L,777 +288438631,1193511,9426,3,WBC x 1000,10.09,10.09,K/mcL,thou/cumm,9481 +285622816,1193511,10892,3,platelets x 1000,294.0,294,K/mcL,thou/cumm,10958 +279662272,1193511,9426,1,albumin,3.0,3.0,g/dL,gm/dL,9469 +278347506,1193511,721,1,alkaline phos.,165.0,165,Units/L,U/L,777 +288438630,1193511,9426,3,Hgb,7.9,7.9,g/dL,g/dL,9481 +285622815,1193511,10892,3,WBC x 1000,9.62,9.62,K/mcL,thou/cumm,10958 +288568133,1193511,59,3,Hct,31.4,31.4,%,%,76 +278347504,1193511,721,1,potassium,4.5,4.5,mmol/L,mmol/L,777 +288438628,1193511,9426,3,Hct,25.4,25.4,%,%,9481 +285622813,1193511,10892,3,Hct,26.6,26.6,%,%,10958 +279285272,1193511,12514,1,bicarbonate,28.0,28,mmol/L,mmol/L,12542 +278347514,1193511,721,1,glucose,148.0,148,mg/dL,mg/dL,777 +288574111,1193511,721,3,RBC,3.32,3.32,M/mcL,mill/cumm,761 +279305503,1193511,-176,1,lactate,2.6,2.6,mmol/L,mmol/L,-152 +280481790,1193511,10892,1,potassium,3.6,3.6,mmol/L,mmol/L,10942 +278347515,1193511,721,1,chloride,100.0,100,mmol/L,mmol/L,777 +288438629,1193511,9426,3,-eos,4.1,4.1,%,%,9481 +291230553,1193511,12619,7,TV,550.0,550.0,mls,,12625 +288568134,1193511,59,3,Hgb,10.1,10.1,g/dL,g/dL,76 +291230549,1193511,12619,7,O2 Sat (%),99.0,99,%,%,12625 +288438625,1193511,9426,3,RBC,2.66,2.66,M/mcL,mill/cumm,9481 +291230547,1193511,12619,7,paO2,81.0,81,mm Hg,mmHg,12625 +279285275,1193511,12514,1,creatinine,1.02,1.02,mg/dL,mg/dL,12542 +291230548,1193511,12619,7,HCO3,29.0,29,mmol/L,mmol/L,12625 +288438632,1193511,9426,3,RDW,16.3,16.3,%,%,9481 +291230550,1193511,12619,7,Temperature,37.0,37.0,°C,Celsius,12625 +279662271,1193511,9426,1,sodium,138.0,138,mmol/L,mmol/L,9469 +291230552,1193511,12619,7,Vent Rate,12.0,12.0,/min,,12625 +288438626,1193511,9426,3,-basos,1.1,1.1,%,%,9481 +291230546,1193511,12619,7,paCO2,60.0,60,mm Hg,mmHg,12625 +288568132,1193511,59,3,RBC,3.34,3.34,M/mcL,mill/cumm,76 +291230554,1193511,12619,7,PEEP,8.0,8.0,cm H2O,,12625 +288438624,1193511,9426,3,-lymphs,11.4,11.4,%,%,9481 +291230544,1193511,12619,7,FiO2,100.0,100,%,%,12625 +279285269,1193511,12514,1,sodium,136.0,136,mmol/L,mmol/L,12542 +291230545,1193511,12619,7,pH,7.29,7.29,,,12625 +288438623,1193511,9426,3,MPV,9.5,9.5,fL,fl,9481 +280246386,1193511,6614,1,creatinine,0.83,0.83,mg/dL,mg/dL,6681 +280481799,1193511,10892,1,ALT (SGPT),49.0,49,Units/L,U/L,10942 +280408569,1193511,2338,1,chloride,99.0,99,mmol/L,mmol/L,2360 +288574114,1193511,721,3,WBC x 1000,11.32,11.32,K/mcL,thou/cumm,761 +280408568,1193511,2338,1,glucose,144.0,144,mg/dL,mg/dL,2360 +288286716,1193511,59,3,PTT,35.7,35.7,sec,sec,87 +280408567,1193511,2338,1,calcium,8.4,8.4,mg/dL,mg/dL,2360 +289292942,1193511,721,4,T4,8.1,8.1,mcg/dL,ug/dL,783 +278878702,1193511,8087,1,total protein,7.4,7.4,g/dL,gm/dL,8115 +279285274,1193511,12514,1,BUN,28.0,28,mg/dL,mg/dL,12542 +280408566,1193511,2338,1,bicarbonate,24.0,24,mmol/L,mmol/L,2360 +292386919,1193511,2164,7,FiO2,21.0,21,%,%,2211 +278878700,1193511,8087,1,albumin,3.1,3.1,g/dL,gm/dL,8115 +279662268,1193511,9426,1,creatinine,0.91,0.91,mg/dL,mg/dL,9469 +280408565,1193511,2338,1,sodium,135.0,135,mmol/L,mmol/L,2360 +288574112,1193511,721,3,Hct,31.6,31.6,%,%,761 +278878703,1193511,8087,1,calcium,8.7,8.7,mg/dL,mg/dL,8115 +281688590,1193511,-176,1,troponin - T,0.46,0.46,ng/mL,ng/mL,-141 +280408564,1193511,2338,1,creatinine,1.37,1.37,mg/dL,mg/dL,2360 +291830921,1193511,6584,7,Respiratory Rate,34.0,34,/min,/min,6584 +278878705,1193511,8087,1,glucose,141.0,141,mg/dL,mg/dL,8115 +280481801,1193511,10892,1,chloride,98.0,98,mmol/L,mmol/L,10942 +288568096,1193511,-176,3,MPV,9.4,9.4,fL,fl,-159 +292422227,1193511,9364,7,Respiratory Rate,30.0,30,/min,,9401 +280408563,1193511,2338,1,potassium,4.2,4.2,mmol/L,mmol/L,2360 +290942098,1193511,-64,7,Temperature,37.0,37.0,°C,Celsius,-53 +278878701,1193511,8087,1,bicarbonate,24.0,24,mmol/L,mmol/L,8115 +291830920,1193511,6584,7,FiO2,70.0,70,%,%,6584 +288568100,1193511,-176,3,WBC x 1000,12.58,12.58,K/mcL,thou/cumm,-159 +279662274,1193511,9426,1,total protein,6.9,6.9,g/dL,gm/dL,9469 +280246387,1193511,6614,1,sodium,138.0,138,mmol/L,mmol/L,6681 +289292941,1193511,721,4,T3RU,35.5,35.5,%, %,783 +278878704,1193511,8087,1,ALT (SGPT),38.0,38,Units/L,U/L,8115 +290942097,1193511,-64,7,O2 Sat (%),96.0,96,%,%,-53 +291425508,1193511,5824,7,Respiratory Rate,24.0,24,/min,/min,5824 +291893816,1193511,3641,7,Respiratory Rate,21.0,21,/min,/min,3642 +280246389,1193511,6614,1,calcium,8.8,8.8,mg/dL,mg/dL,6681 +280481800,1193511,10892,1,glucose,137.0,137,mg/dL,mg/dL,10942 +278878695,1193511,8087,1,potassium,3.7,3.7,mmol/L,mmol/L,8115 +292685089,1193511,10804,7,FiO2,50.0,50,%,%,10870 +288568101,1193511,-176,3,platelets x 1000,281.0,281,K/mcL,thou/cumm,-159 +290942095,1193511,-64,7,paCO2,33.0,33,mm Hg,mmHg,-53 +280246385,1193511,6614,1,potassium,3.7,3.7,mmol/L,mmol/L,6681 +291893817,1193511,3641,7,O2 Sat (%),94.0,94,%,%,3642 +278878706,1193511,8087,1,chloride,98.0,98,mmol/L,mmol/L,8115 +279662278,1193511,9426,1,chloride,98.0,98,mmol/L,mmol/L,9469 +291130300,1193511,7278,7,FiO2,55.0,55,%,%,7279 +292422226,1193511,9364,7,FiO2,60.0,60,%,%,9401 +280246392,1193511,6614,1,BUN,19.0,19,mg/dL,mg/dL,6681 +290942096,1193511,-64,7,pH,7.45,7.45,,,-53 +278878707,1193511,8087,1,BUN,24.0,24,mg/dL,mg/dL,8115 +291747087,1193511,5126,7,FiO2,70.0,70,%,%,5126 +288568097,1193511,-176,3,RBC,3.42,3.42,M/mcL,mill/cumm,-159 +290798738,1193511,1444,7,Respiratory Rate,20.0,20,/min,/min,1514 +280246390,1193511,6614,1,glucose,140.0,140,mg/dL,mg/dL,6681 +288438627,1193511,9426,3,-polys,75.5,75.5,%,%,9481 +278878697,1193511,8087,1,alkaline phos.,159.0,159,Units/L,U/L,8115 +290942092,1193511,-64,7,HCO3,23.0,23,mmol/L,mmol/L,-53 +291425507,1193511,5824,7,FiO2,70.0,70,%,%,5824 +291747088,1193511,5126,7,Respiratory Rate,26.0,26,/min,/min,5126 +280408570,1193511,2338,1,BUN,27.0,27,mg/dL,mg/dL,2360 +280481793,1193511,10892,1,AST (SGOT),46.0,46,Units/L,U/L,10942 +278878699,1193511,8087,1,sodium,136.0,136,mmol/L,mmol/L,8115 +292685090,1193511,10804,7,Respiratory Rate,25.0,25,/min,,10870 +288568098,1193511,-176,3,Hct,31.9,31.9,%,%,-159 +290942094,1193511,-64,7,paO2,74.0,74,mm Hg,mmHg,-53 +280246391,1193511,6614,1,chloride,99.0,99,mmol/L,mmol/L,6681 +289431469,1193511,-171,4,BNP,7234.0,7234.0,pg/mL,pg/mL,-145 +278878696,1193511,8087,1,creatinine,0.88,0.88,mg/dL,mg/dL,8115 +290798737,1193511,1444,7,FiO2,50.0,50,%,%,1514 +291130301,1193511,7278,7,Respiratory Rate,42.0,42,/min,/min,7279 +291893815,1193511,3641,7,FiO2,50.0,50,%,%,3642 +280246388,1193511,6614,1,bicarbonate,25.0,25,mmol/L,mmol/L,6681 +290942093,1193511,-64,7,FiO2,21.0,21,%,%,-53 +278891959,1193511,5238,1,magnesium,2.3,2.3,mg/dL,mg/dL,5259 +292386920,1193511,2164,7,Respiratory Rate,22.0,22,/min,/min,2211 +288568099,1193511,-176,3,Hgb,10.3,10.3,g/dL,g/dL,-159 +281378320,1193511,722,1,troponin - T,0.73,0.73,ng/mL,ng/mL,776 +279338163,1193511,2338,1,troponin - T,0.6,0.60,ng/mL,ng/mL,2364 +289407222,1193511,-126,4,urinary specific gravity,1.014,1.014,,,-102 +278878698,1193511,8087,1,AST (SGOT),40.0,40,Units/L,U/L,8115 +380845725,1563281,2652,3,MCV,83.9,83.9,fL,fL,2652 +380845724,1563281,2652,3,Hct,33.4,33.4,%,%,2652 +380845723,1563281,2652,3,RBC,3.98,3.98,M/mcL,10(6)/mcL,2652 +380845722,1563281,2652,3,MPV,10.5,10.5,fL,fL,2652 +380845726,1563281,2652,3,Hgb,11.8,11.8,g/dL,g/dL,2652 +380845727,1563281,2652,3,WBC x 1000,7.69,7.69,K/mcL,10(3)/mcL,2652 +380177749,1563281,5556,3,-eos,0.0,0.0,%,%,5556 +380177750,1563281,5556,3,-basos,0.1,0.1,%,%,5556 +380845731,1563281,2652,3,platelets x 1000,219.0,219,K/mcL,10(3)mcL,2652 +380177748,1563281,5556,3,-monos,3.8,3.8,%,%,5556 +380177740,1563281,5556,3,MCV,83.1,83.1,fL,fL,5556 +380845730,1563281,2652,3,MCHC,35.3,35.3,g/dL,g/dL,2652 +380845729,1563281,2652,3,MCH,29.6,29.6,pg,pg,2652 +380845728,1563281,2652,3,RDW,15.3,15.3,%,%,2652 +380177741,1563281,5556,3,MCH,29.1,29.1,pg,pg,5556 +380177736,1563281,5556,3,WBC x 1000,9.76,9.76,K/mcL,10(3)/mcL,5556 +380177737,1563281,5556,3,RBC,4.19,4.19,M/mcL,10(6)/mcL,5556 +380177746,1563281,5556,3,-polys,88.2,88.2,%,%,5556 +386960421,1563281,74,7,paO2,79.0,79,mm Hg,mmHg,74 +380177738,1563281,5556,3,Hgb,12.2,12.2,g/dL,g/dL,5556 +386960420,1563281,74,7,HCO3,11.4,11.4,mmol/L,mmol/L,74 +380177739,1563281,5556,3,Hct,34.8,34.8,%,%,5556 +386960422,1563281,74,7,paCO2,25.0,25,mm Hg,mmHg,74 +380177747,1563281,5556,3,-lymphs,7.9,7.9,%,%,5556 +386960426,1563281,74,7,Base Excess,-13.8,-13.8,mEq/L,,74 +380190964,1563281,-1699,3,Hct,29.8,29.8,%,%,-1699 +380177742,1563281,5556,3,MCHC,35.1,35.1,g/dL,g/dL,5556 +386037100,1563281,3,7,Total CO2,14.0,14,,mmol/L,3 +380605496,1563281,-281,3,-lymphs,6.2,6.2,%,%,-281 +386960427,1563281,74,7,FiO2,50.0,50,%,%,347 +386037104,1563281,3,7,pH,7.22,7.22,,,3 +380190965,1563281,-1699,3,-eos,2.0,2.0,%,%,-1699 +380177743,1563281,5556,3,platelets x 1000,267.0,267,K/mcL,10(3)mcL,5556 +386037107,1563281,3,7,Base Excess,-13.8,-13.8,mEq/L,,3 +380605497,1563281,-281,3,RBC,3.4,3.40,M/mcL,10(6)/mcL,-281 +386960425,1563281,74,7,O2 Sat (%),95.0,95,%,%,74 +386037103,1563281,3,7,paCO2,31.0,31,mm Hg,mmHg,3 +380190963,1563281,-1699,3,-polys,82.4,82.4,%,%,-1699 +380177744,1563281,5556,3,RDW,15.4,15.4,%,%,5556 +379106901,1563281,1222,3,MPV,10.1,10.1,fL,fL,1222 +386037102,1563281,3,7,paO2,127.0,127,mm Hg,mmHg,3 +377662762,1563281,1222,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,1222 +380605503,1563281,-281,3,Hgb,10.2,10.2,g/dL,g/dL,-281 +379106905,1563281,1222,3,-polys,90.1,90.1,%,%,1222 +386960423,1563281,74,7,pH,7.28,7.28,,,74 +377662773,1563281,1222,1,ALT (SGPT),25.0,25,Units/L,U/L,1222 +386037101,1563281,3,7,HCO3,12.6,12.6,mmol/L,mmol/L,3 +379106906,1563281,1222,3,Hct,23.9,23.9,%,%,1222 +380190959,1563281,-1699,3,MPV,10.5,10.5,fL,fL,-1699 +377662772,1563281,1222,1,calcium,7.3,7.3,mg/dL,mg/dL,1222 +380177745,1563281,5556,3,MPV,10.8,10.8,fL,fL,5556 +379106902,1563281,1222,3,-lymphs,4.6,4.6,%,%,1222 +386037106,1563281,3,7,O2 Sat (%),98.0,98,%,%,3 +377662768,1563281,1222,1,sodium,140.0,140,mmol/L,mmol/L,1222 +380605504,1563281,-281,3,WBC x 1000,9.41,9.41,K/mcL,10(3)/mcL,-281 +379106903,1563281,1222,3,RBC,2.76,2.76,M/mcL,10(6)/mcL,1222 +380718060,1563281,-3088,3,Hgb,10.2,10.2,g/dL,g/dL,-3088 +377662769,1563281,1222,1,albumin,1.8,1.8,g/dL,g/dL,1222 +380190961,1563281,-1699,3,RBC,3.45,3.45,M/mcL,10(6)/mcL,-1699 +379106904,1563281,1222,3,-basos,0.0,0.0,%,%,1222 +380718059,1563281,-3088,3,MCV,87.2,87.2,fL,fL,-3088 +377662767,1563281,1222,1,AST (SGOT),16.0,16,Units/L,U/L,1222 +380605505,1563281,-281,3,RDW,14.6,14.6,%,%,-281 +379106914,1563281,1222,3,MCHC,34.7,34.7,g/dL,g/dL,1222 +380718061,1563281,-3088,3,WBC x 1000,10.38,10.38,K/mcL,10(3)/mcL,-3088 +377662771,1563281,1222,1,total protein,4.9,4.9,g/dL,g/dL,1222 +380190960,1563281,-1699,3,-lymphs,8.7,8.7,%,%,-1699 +379106915,1563281,1222,3,platelets x 1000,212.0,212,K/mcL,10(3)mcL,1222 +380718063,1563281,-3088,3,MCH,29.7,29.7,pg,pg,-3088 +377662774,1563281,1222,1,glucose,110.0,110,mg/dL,mg/dL,1222 +380605506,1563281,-281,3,MCH,30.0,30.0,pg,pg,-281 +386937167,1563281,2712,7,paCO2,25.0,25,mm Hg,mmHg,2712 +379106907,1563281,1222,3,-eos,0.0,0.0,%,%,1222 +380190971,1563281,-1699,3,-monos,6.8,6.8,%,%,-1699 +377662764,1563281,1222,1,creatinine,1.3,1.30,mg/dL,mg/dL,1222 +380718062,1563281,-3088,3,RDW,14.3,14.3,%,%,-3088 +386937165,1563281,2712,7,LPM O2,3.0,3,L/min,,2712 +380605502,1563281,-281,3,MCV,85.9,85.9,fL,fL,-281 +379106908,1563281,1222,3,MCV,86.6,86.6,fL,fL,1222 +380718057,1563281,-3088,3,Hct,29.9,29.9,%,%,-3088 +377662763,1563281,1222,1,potassium,3.9,3.9,mmol/L,mmol/L,1222 +380190972,1563281,-1699,3,MCHC,34.2,34.2,g/dL,g/dL,-1699 +386937170,1563281,2712,7,O2 Sat (%),95.0,95,%,%,2712 +386798283,1563281,1177,7,Base Excess,-9.6,-9.6,mEq/L,,1177 +379106909,1563281,1222,3,Hgb,8.3,8.3,g/dL,g/dL,1222 +380605501,1563281,-281,3,-eos,1.1,1.1,%,%,-281 +377662770,1563281,1222,1,bicarbonate,19.0,19,mmol/L,mmol/L,1222 +380718056,1563281,-3088,3,-polys,82.9,82.9,%,%,-3088 +386937171,1563281,2712,7,Base Excess,-8.3,-8.3,mEq/L,,2712 +380190973,1563281,-1699,3,platelets x 1000,207.0,207,K/mcL,10(3)mcL,-1699 +376948623,1563281,-3889,1,BUN,15.0,15,mg/dL,mg/dL,-3889 +386798284,1563281,1177,7,FiO2,25.0,25,%,%,1208 +379106910,1563281,1222,3,WBC x 1000,7.58,7.58,K/mcL,10(3)/mcL,1222 +380605498,1563281,-281,3,-basos,0.1,0.1,%,%,-281 +376948621,1563281,-3889,1,glucose,106.0,106,mg/dL,mg/dL,-3889 +380718066,1563281,-3088,3,platelets x 1000,190.0,190,K/mcL,10(3)mcL,-3088 +377662765,1563281,1222,1,alkaline phos.,88.0,88,Units/L,U/L,1222 +380190967,1563281,-1699,3,Hgb,10.2,10.2,g/dL,g/dL,-1699 +376948622,1563281,-3889,1,chloride,97.0,97,mmol/L,mmol/L,-3889 +386798282,1563281,1177,7,O2 Sat (%),99.0,99,%,%,1177 +386937168,1563281,2712,7,pH,7.39,7.39,,,2712 +380605499,1563281,-281,3,-polys,86.2,86.2,%,%,-281 +376948618,1563281,-3889,1,total protein,6.3,6.3,g/dL,g/dL,-3889 +380718064,1563281,-3088,3,-monos,6.7,6.7,%,%,-3088 +379106911,1563281,1222,3,RDW,15.0,15.0,%,%,1222 +381009695,1563281,4086,3,MCHC,35.7,35.7,g/dL,g/dL,4086 +380190968,1563281,-1699,3,WBC x 1000,7.84,7.84,K/mcL,10(3)/mcL,-1699 +376948619,1563281,-3889,1,calcium,8.6,8.6,mg/dL,mg/dL,-3889 +381009696,1563281,4086,3,platelets x 1000,249.0,249,K/mcL,10(3)mcL,4086 +386798280,1563281,1177,7,pH,7.36,7.36,,,1177 +377662766,1563281,1222,1,anion gap,12.0,12.0,,mmol/L,1222 +381009697,1563281,4086,3,RDW,15.4,15.4,%,%,4086 +380605500,1563281,-281,3,Hct,29.2,29.2,%,%,-281 +376948620,1563281,-3889,1,ALT (SGPT),23.0,23,Units/L,U/L,-3889 +381009689,1563281,4086,3,WBC x 1000,6.43,6.43,K/mcL,10(3)/mcL,4086 +380718054,1563281,-3088,3,RBC,3.43,3.43,M/mcL,10(6)/mcL,-3088 +386937172,1563281,2712,7,FiO2,27.0,27,%,%,2846 +381009690,1563281,4086,3,RBC,4.31,4.31,M/mcL,10(6)/mcL,4086 +380190969,1563281,-1699,3,RDW,14.7,14.7,%,%,-1699 +376948617,1563281,-3889,1,bicarbonate,22.0,22,mmol/L,mmol/L,-3889 +381009691,1563281,4086,3,Hgb,12.6,12.6,g/dL,g/dL,4086 +386798276,1563281,1177,7,HCO3,14.6,14.6,mmol/L,mmol/L,1177 +379106912,1563281,1222,3,MCH,30.1,30.1,pg,pg,1222 +381009692,1563281,4086,3,Hct,35.3,35.3,%,%,4086 +380605507,1563281,-281,3,-monos,6.4,6.4,%,%,-281 +376948613,1563281,-3889,1,anion gap,17.0,17.0,,mmol/L,-3889 +381009693,1563281,4086,3,MCV,81.9,81.9,fL,fL,4086 +380718053,1563281,-3088,3,-lymphs,9.4,9.4,%,%,-3088 +377662775,1563281,1222,1,chloride,109.0,109,mmol/L,mmol/L,1222 +381609693,1563281,-3889,3,-lymphs,3.8,3.8,%,%,-3889 +380190970,1563281,-1699,3,MCH,29.6,29.6,pg,pg,-1699 +376876858,1563281,-281,1,BUN,15.0,15,mg/dL,mg/dL,-281 +376948614,1563281,-3889,1,AST (SGOT),12.0,12,Units/L,U/L,-3889 +376876844,1563281,-281,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,-281 +381009703,1563281,4086,3,-basos,0.2,0.2,%,%,4086 +376973951,1563281,-1699,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-1699 +386798277,1563281,1177,7,LPM O2,2.0,2,L/min,,1177 +376876855,1563281,-281,1,ALT (SGPT),26.0,26,Units/L,U/L,-281 +386937166,1563281,2712,7,paO2,76.0,76,mm Hg,mmHg,2712 +376876857,1563281,-281,1,chloride,107.0,107,mmol/L,mmol/L,-281 +381609694,1563281,-3889,3,RBC,4.01,4.01,M/mcL,10(6)/mcL,-3889 +376876852,1563281,-281,1,bicarbonate,19.0,19,mmol/L,mmol/L,-281 +380605508,1563281,-281,3,MCHC,34.9,34.9,g/dL,g/dL,-281 +376973965,1563281,-1699,1,BUN,18.0,18,mg/dL,mg/dL,-1699 +376948610,1563281,-3889,1,potassium,3.5,3.5,mmol/L,mmol/L,-3889 +376876853,1563281,-281,1,total protein,5.5,5.5,g/dL,g/dL,-281 +381009701,1563281,4086,3,-monos,1.9,1.9,%,%,4086 +376973952,1563281,-1699,1,potassium,3.5,3.5,mmol/L,mmol/L,-1699 +380718055,1563281,-3088,3,-basos,0.2,0.2,%,%,-3088 +376973953,1563281,-1699,1,creatinine,1.3,1.30,mg/dL,mg/dL,-1699 +379106913,1563281,1222,3,-monos,5.3,5.3,%,%,1222 +376876854,1563281,-281,1,calcium,7.5,7.5,mg/dL,mg/dL,-281 +381609695,1563281,-3889,3,-basos,0.1,0.1,%,%,-3889 +375001967,1563281,2652,1,ALT (SGPT),27.0,27,Units/L,U/L,2652 +376973962,1563281,-1699,1,ALT (SGPT),26.0,26,Units/L,U/L,-1699 +380190966,1563281,-1699,3,MCV,86.4,86.4,fL,fL,-1699 +375001963,1563281,2652,1,albumin,2.1,2.1,g/dL,g/dL,2652 +376876851,1563281,-281,1,albumin,2.1,2.1,g/dL,g/dL,-281 +376948611,1563281,-3889,1,creatinine,1.1,1.10,mg/dL,mg/dL,-3889 +375551722,1563281,5556,1,chloride,110.0,110,mmol/L,mmol/L,5556 +376973958,1563281,-1699,1,albumin,2.2,2.2,g/dL,g/dL,-1699 +381009700,1563281,4086,3,-lymphs,7.6,7.6,%,%,4086 +375551721,1563281,5556,1,potassium,3.7,3.7,mmol/L,mmol/L,5556 +376876848,1563281,-281,1,anion gap,16.0,16.0,,mmol/L,-281 +386798278,1563281,1177,7,paO2,128.0,128,mm Hg,mmHg,1177 +375551734,1563281,5556,1,alkaline phos.,90.0,90,Units/L,U/L,5556 +376973959,1563281,-1699,1,bicarbonate,20.0,20,mmol/L,mmol/L,-1699 +377662776,1563281,1222,1,BUN,21.0,21,mg/dL,mg/dL,1222 +375551733,1563281,5556,1,ALT (SGPT),36.0,36,Units/L,U/L,5556 +376876856,1563281,-281,1,glucose,86.0,86,mg/dL,mg/dL,-281 +381609698,1563281,-3889,3,-eos,0.1,0.1,%,%,-3889 +375551732,1563281,5556,1,AST (SGOT),24.0,24,Units/L,U/L,5556 +376876849,1563281,-281,1,AST (SGOT),17.0,17,Units/L,U/L,-281 +380605495,1563281,-281,3,MPV,10.1,10.1,fL,fL,-281 +375551730,1563281,5556,1,calcium,8.7,8.7,mg/dL,mg/dL,5556 +376973961,1563281,-1699,1,calcium,7.7,7.7,mg/dL,mg/dL,-1699 +376948612,1563281,-3889,1,alkaline phos.,110.0,110,Units/L,U/L,-3889 +375551726,1563281,5556,1,BUN,18.0,18,mg/dL,mg/dL,5556 +376973960,1563281,-1699,1,total protein,5.6,5.6,g/dL,g/dL,-1699 +381009698,1563281,4086,3,MPV,10.5,10.5,fL,fL,4086 +375551729,1563281,5556,1,albumin,2.2,2.2,g/dL,g/dL,5556 +376876845,1563281,-281,1,potassium,3.5,3.5,mmol/L,mmol/L,-281 +380718052,1563281,-3088,3,MPV,10.4,10.4,fL,fL,-3088 +375551728,1563281,5556,1,total protein,5.6,5.6,g/dL,g/dL,5556 +376973956,1563281,-1699,1,AST (SGOT),18.0,18,Units/L,U/L,-1699 +386937164,1563281,2712,7,HCO3,14.8,14.8,mmol/L,mmol/L,2712 +375551731,1563281,5556,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,5556 +376973957,1563281,-1699,1,sodium,143.0,143,mmol/L,mmol/L,-1699 +381609697,1563281,-3889,3,Hct,35.0,35.0,%,%,-3889 +375551727,1563281,5556,1,creatinine,1.0,1.00,mg/dL,mg/dL,5556 +380951048,1563281,-3889,3,MCV,87.3,87.3,fL,fL,-3889 +380190962,1563281,-1699,3,-basos,0.1,0.1,%,%,-1699 +375551724,1563281,5556,1,anion gap,13.0,13.0,,mmol/L,5556 +376973964,1563281,-1699,1,chloride,109.0,109,mmol/L,mmol/L,-1699 +376948615,1563281,-3889,1,sodium,136.0,136,mmol/L,mmol/L,-3889 +375551725,1563281,5556,1,glucose,156.0,156,mg/dL,mg/dL,5556 +380951055,1563281,-3889,3,platelets x 1000,198.0,198,K/mcL,10(3)mcL,-3889 +381009702,1563281,4086,3,-eos,0.0,0.0,%,%,4086 +374739518,1563281,4086,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,4086 +376876846,1563281,-281,1,creatinine,1.3,1.30,mg/dL,mg/dL,-281 +386798279,1563281,1177,7,paCO2,27.0,27,mm Hg,mmHg,1177 +375001969,1563281,2652,1,chloride,108.0,108,mmol/L,mmol/L,2652 +380951053,1563281,-3889,3,-monos,4.6,4.6,%,%,-3889 +377903788,1563281,2652,1,BUN,15.0,15,mg/dL,mg/dL,2652 +374739509,1563281,4086,1,chloride,106.0,106,mmol/L,mmol/L,4086 +376973954,1563281,-1699,1,alkaline phos.,127.0,127,Units/L,U/L,-1699 +381609696,1563281,-3889,3,-polys,91.4,91.4,%,%,-3889 +375551723,1563281,5556,1,bicarbonate,24.0,24,mmol/L,mmol/L,5556 +380951054,1563281,-3889,3,MCHC,34.6,34.6,g/dL,g/dL,-3889 +380605509,1563281,-281,3,platelets x 1000,219.0,219,K/mcL,10(3)mcL,-281 +374739512,1563281,4086,1,glucose,139.0,139,mg/dL,mg/dL,4086 +376876847,1563281,-281,1,alkaline phos.,111.0,111,Units/L,U/L,-281 +376948609,1563281,-3889,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,-3889 +375001957,1563281,2652,1,potassium,3.3,3.3,mmol/L,mmol/L,2652 +380951049,1563281,-3889,3,Hgb,12.1,12.1,g/dL,g/dL,-3889 +381009699,1563281,4086,3,-polys,90.3,90.3,%,%,4086 +374739513,1563281,4086,1,BUN,14.0,14,mg/dL,mg/dL,4086 +376973955,1563281,-1699,1,anion gap,14.0,14.0,,mmol/L,-1699 +380718065,1563281,-3088,3,MCHC,34.1,34.1,g/dL,g/dL,-3088 +375001964,1563281,2652,1,bicarbonate,20.0,20,mmol/L,mmol/L,2652 +380951050,1563281,-3889,3,WBC x 1000,15.21,15.21,K/mcL,10(3)/mcL,-3889 +386937163,1563281,2712,7,Total CO2,16.0,16,,mmol/L,2712 +374739507,1563281,4086,1,sodium,139.0,139,mmol/L,mmol/L,4086 +376973963,1563281,-1699,1,glucose,96.0,96,mg/dL,mg/dL,-1699 +381609692,1563281,-3889,3,MPV,10.2,10.2,fL,fL,-3889 +375001959,1563281,2652,1,alkaline phos.,102.0,102,Units/L,U/L,2652 +380951051,1563281,-3889,3,RDW,14.6,14.6,%,%,-3889 +382576508,1563281,-3550,4,urinary specific gravity,1.013,1.013,,,-3550 +374739520,1563281,4086,1,ALT (SGPT),31.0,31,Units/L,U/L,4086 +376876850,1563281,-281,1,sodium,142.0,142,mmol/L,mmol/L,-281 +376948616,1563281,-3889,1,albumin,2.8,2.8,g/dL,g/dL,-3889 +375001960,1563281,2652,1,anion gap,13.0,13.0,,mmol/L,2652 +380951052,1563281,-3889,3,MCH,30.2,30.2,pg,pg,-3889 +381009694,1563281,4086,3,MCH,29.2,29.2,pg,pg,4086 +374739521,1563281,4086,1,alkaline phos.,101.0,101,Units/L,U/L,4086 +375941927,1563281,-3088,1,AST (SGOT),15.0,15,Units/L,U/L,-3088 +375001962,1563281,2652,1,sodium,141.0,141,mmol/L,mmol/L,2652 +375941929,1563281,-3088,1,albumin,2.3,2.3,g/dL,g/dL,-3088 +374739511,1563281,4086,1,anion gap,12.0,12.0,,mmol/L,4086 +375941931,1563281,-3088,1,total protein,5.4,5.4,g/dL,g/dL,-3088 +375001965,1563281,2652,1,total protein,5.3,5.3,g/dL,g/dL,2652 +375941932,1563281,-3088,1,calcium,8.1,8.1,mg/dL,mg/dL,-3088 +374739517,1563281,4086,1,calcium,8.4,8.4,mg/dL,mg/dL,4086 +375941928,1563281,-3088,1,sodium,139.0,139,mmol/L,mmol/L,-3088 +375001961,1563281,2652,1,AST (SGOT),18.0,18,Units/L,U/L,2652 +375941924,1563281,-3088,1,creatinine,1.1,1.10,mg/dL,mg/dL,-3088 +374739519,1563281,4086,1,AST (SGOT),15.0,15,Units/L,U/L,4086 +375941930,1563281,-3088,1,bicarbonate,22.0,22,mmol/L,mmol/L,-3088 +375551720,1563281,5556,1,sodium,147.0,147,mmol/L,mmol/L,5556 +375941934,1563281,-3088,1,glucose,89.0,89,mg/dL,mg/dL,-3088 +374739516,1563281,4086,1,albumin,2.1,2.1,g/dL,g/dL,4086 +375941922,1563281,-3088,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,-3088 +375001956,1563281,2652,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,2652 +375941923,1563281,-3088,1,potassium,3.2,3.2,mmol/L,mmol/L,-3088 +374739510,1563281,4086,1,bicarbonate,21.0,21,mmol/L,mmol/L,4086 +375941935,1563281,-3088,1,chloride,104.0,104,mmol/L,mmol/L,-3088 +375001968,1563281,2652,1,glucose,84.0,84,mg/dL,mg/dL,2652 +375941925,1563281,-3088,1,alkaline phos.,115.0,115,Units/L,U/L,-3088 +374739508,1563281,4086,1,potassium,3.3,3.3,mmol/L,mmol/L,4086 +375941936,1563281,-3088,1,BUN,15.0,15,mg/dL,mg/dL,-3088 +375001958,1563281,2652,1,creatinine,1.2,1.20,mg/dL,mg/dL,2652 +375941933,1563281,-3088,1,ALT (SGPT),25.0,25,Units/L,U/L,-3088 +374739515,1563281,4086,1,total protein,5.6,5.6,g/dL,g/dL,4086 +375941926,1563281,-3088,1,anion gap,13.0,13.0,,mmol/L,-3088 +375001966,1563281,2652,1,calcium,8.0,8.0,mg/dL,mg/dL,2652 +380390888,1563281,2948,3,ESR,69.0,69,mm/hr,mm/h,2948 +374739514,1563281,4086,1,creatinine,1.0,1.00,mg/dL,mg/dL,4086 +380718058,1563281,-3088,3,-eos,0.8,0.8,%,%,-3088 +498562537,2193648,747,3,MPV,12.5,12.5,fL,fL,830 +498562538,2193648,747,3,-lymphs,5.0,5,%,%,988 +498562539,2193648,747,3,RBC,4.14,4.14,M/mcL,M/uL,830 +498562540,2193648,747,3,-basos,0.0,0,%,%,988 +498562549,2193648,747,3,MCH,27.8,27.8,pg,pg,830 +498562550,2193648,747,3,-monos,3.0,3,%,%,988 +498562552,2193648,747,3,platelets x 1000,184.0,184,K/mcL,K/uL,988 +498562551,2193648,747,3,MCHC,31.8,31.8,g/dL,%,830 +498562547,2193648,747,3,WBC x 1000,35.3,35.3,K/mcL,K/uL,830 +498562548,2193648,747,3,RDW,15.2,15.2,%,%,830 +487321531,2193648,747,1,BUN,62.0,62,mg/dL,mg/dL,818 +498562541,2193648,747,3,-polys,47.0,47,%,%,988 +487321530,2193648,747,1,chloride,102.0,102,mmol/L,mmol/L,818 +498562544,2193648,747,3,-bands,22.0,22,%,%,988 +487321529,2193648,747,1,glucose,69.0,69,mg/dL,mg/dL,818 +498562545,2193648,747,3,MCV,87.4,87.4,fL,fL,830 +487321526,2193648,747,1,sodium,135.0,135,mmol/L,mmol/L,818 +498562542,2193648,747,3,Hct,36.2,36.2,%,%,830 +487321527,2193648,747,1,bicarbonate,20.0,20,mmol/L,mmol/L,818 +498562543,2193648,747,3,-eos,0.0,0,%,%,988 +487321528,2193648,747,1,calcium,7.7,7.7,mg/dL,mg/dL,818 +516046410,2193648,747,4,CRP,33.3,33.3,mg/dL,mg/dL,818 +515548872,2193648,844,4,urinary specific gravity,1.014,1.014,,,875 +487321525,2193648,747,1,creatinine,2.82,2.82,mg/dL,mg/dL,818 +498562546,2193648,747,3,Hgb,11.5,11.5,g/dL,g/dL,830 +491172168,2193648,747,1,cortisol,46.9,46.9,mcg/dL,ug/dL,1203 +487321524,2193648,747,1,potassium,5.4,5.4,mmol/L,mmol/L,818 +513818201,2193648,-228,4,CRP,28.0,28.0,mg/dL,mg/dL,54 +92792108,313055,-303,3,-lymphs,18.0,18,%,%,-290 +92792110,313055,-303,3,-basos,,1,%,ug/L,-290 +92792109,313055,-303,3,RBC,5.13,5.13,M/mcL,M/cmm,-290 +92792111,313055,-303,3,-polys,71.0,71,%,%,-290 +92792117,313055,-303,3,RDW,13.4,13.4,%,%,-290 +81430977,313055,401,1,creatinine,0.77,0.77,mg/dL,mg/dl,445 +92792118,313055,-303,3,MCH,30.0,30,pg,uug,-290 +81430976,313055,401,1,potassium,3.8,3.8,mmol/L,meq/L,445 +92792120,313055,-303,3,MCHC,35.0,35,g/dL,g/dl,-290 +81430978,313055,401,1,sodium,142.0,142,mmol/L,meq/L,445 +92792119,313055,-303,3,-monos,7.0,7,%,%,-290 +81430982,313055,401,1,chloride,111.0,111,mmol/L,meq/L,445 +92792115,313055,-303,3,Hgb,15.6,15.6,g/dL,g/dl,-290 +81430983,313055,401,1,BUN,12.0,12,mg/dL,mg/dl,445 +85320782,313055,-303,1,chloride,108.0,108,mmol/L,meq/L,-261 +92792116,313055,-303,3,WBC x 1000,11.8,11.8,K/mcL,K/cmm,-290 +85320779,313055,-303,1,potassium,3.4,3.4,mmol/L,meq/L,-261 +81430981,313055,401,1,glucose,80.0,80,mg/dL,mg/dl,445 +85320780,313055,-303,1,sodium,142.0,142,mmol/L,meq/L,-261 +92792112,313055,-303,3,Hct,44.8,44.8,%,%,-290 +87873164,313055,-303,1,CPK,247.0,247,Units/L,IU/L,-261 +86917818,313055,401,1,CPK,204.0,204,Units/L,IU/L,445 +85320781,313055,-303,1,bicarbonate,23.0,23.0,mmol/L,meq/L,-261 +92792113,313055,-303,3,-eos,3.0,3,%,%,-290 +82717013,313055,401,1,total cholesterol,158.0,158,mg/dL,mg/dL,445 +81430979,313055,401,1,bicarbonate,25.0,25.0,mmol/L,meq/L,445 +83498570,313055,-303,1,BUN,18.0,18,mg/dL,mg/dl,-261 +92792114,313055,-303,3,MCV,87.0,87,fL,fl,-290 +82717012,313055,401,1,triglycerides,39.0,39,mg/dL,mg/dL,445 +86917819,313055,401,1,troponin - I,1.821,1.821,ng/mL,ng/ml,447 +85357390,313055,-303,1,magnesium,1.6,1.60,mg/dL,meq/L,-261 +86549337,313055,-303,1,glucose,86.0,86,mg/dL,mg/dl,-261 +82717011,313055,401,1,LDL,108.0,108,mg/dL,mg/dl,445 +81430980,313055,401,1,calcium,8.6,8.6,mg/dL,mg/dl,445 +85180747,313055,-303,1,creatinine,1.02,1.02,mg/dL,mg/dl,-261 +92792121,313055,-303,3,platelets x 1000,196.0,196,K/mcL,K/cmm,-290 +82717014,313055,401,1,HDL,42.0,42,mg/dL,mg/dl,445 +84139086,313055,-303,1,troponin - I,0.036,0.036,ng/mL,ng/ml,-255 +87606896,314184,-819,1,potassium,4.0,4.0,mmol/L,meq/L,-788 +87615512,314184,552,1,glucose,145.0,145,mg/dL,mg/dl,628 +87606902,314184,-819,1,chloride,92.0,92,mmol/L,meq/L,-788 +87615513,314184,552,1,chloride,94.0,94,mmol/L,meq/L,628 +87606900,314184,-819,1,calcium,9.6,9.6,mg/dL,mg/dl,-788 +87615511,314184,552,1,calcium,9.5,9.5,mg/dL,mg/dl,628 +87606901,314184,-819,1,glucose,118.0,118,mg/dL,mg/dl,-788 +87615507,314184,552,1,potassium,4.5,4.5,mmol/L,meq/L,628 +94921699,314184,552,3,WBC x 1000,5.3,5.3,K/mcL,K/cmm,618 +87606899,314184,-819,1,bicarbonate,42.0,42.0,mmol/L,meq/L,-788 +94921697,314184,552,3,MCV,94.0,94,fL,fl,618 +87615509,314184,552,1,sodium,140.0,140,mmol/L,meq/L,628 +94921698,314184,552,3,Hgb,12.0,12.0,g/dL,g/dl,618 +87606898,314184,-819,1,sodium,142.0,142,mmol/L,meq/L,-788 +94921702,314184,552,3,MCHC,32.0,32,g/dL,g/dl,618 +87615510,314184,552,1,bicarbonate,36.5,36.5,mmol/L,meq/L,628 +94921700,314184,552,3,RDW,13.7,13.7,%,%,618 +87606903,314184,-819,1,BUN,10.0,10,mg/dL,mg/dl,-788 +94921695,314184,552,3,RBC,4.02,4.02,M/mcL,M/cmm,618 +104687355,314184,-324,7,pH,7.368,7.368,,,-321 +87615508,314184,552,1,creatinine,0.59,0.59,mg/dL,mg/dl,628 +94921696,314184,552,3,Hct,37.7,37.7,%,%,618 +104687358,314184,-324,7,Base Excess,13.8,13.8,mEq/L,meq/L,-321 +87606897,314184,-819,1,creatinine,0.69,0.69,mg/dL,mg/dl,-788 +94921701,314184,552,3,MCH,30.0,30,pg,uug,618 +104687352,314184,-324,7,FiO2,30.0,30,%,%,-321 +87615514,314184,552,1,BUN,8.0,8,mg/dL,mg/dl,628 +94921703,314184,552,3,platelets x 1000,215.0,215,K/mcL,K/cmm,618 +103967790,314184,-776,7,Carboxyhemoglobin,5.8,5.8,%,%,-772 +94913479,314184,-819,3,-eos,1.0,1,%,%,-800 +104687351,314184,-324,7,HCO3,42.8,42.8,mmol/L,meq/L,-321 +94913480,314184,-819,3,MCV,96.0,96,fL,fl,-800 +103967791,314184,-776,7,paCO2,95.6,95.6,mm Hg,mmHg,-772 +94913476,314184,-819,3,-basos,,1,%,ug/L,-800 +104687350,314184,-324,7,Pressure Support,10.0,10.0,cm H2O,cmH2O,-321 +94913474,314184,-819,3,-lymphs,29.0,29,%,%,-800 +103967792,314184,-776,7,Oxyhemoglobin,90.6,90.6,%,%,-772 +94913475,314184,-819,3,RBC,4.23,4.23,M/mcL,M/cmm,-800 +82415411,314184,-819,1,CPK,26.0,26,Units/L,IU/L,-788 +94913486,314184,-819,3,MCHC,32.0,32,g/dL,g/dl,-800 +103967787,314184,-776,7,HCO3,45.4,45.4,mmol/L,meq/L,-772 +94913481,314184,-819,3,Hgb,13.1,13.1,g/dL,g/dl,-800 +104687353,314184,-324,7,paO2,64.2,64.2,mm Hg,mmHg,-321 +94913477,314184,-819,3,-polys,60.0,60,%,%,-800 +103967793,314184,-776,7,pH,7.294,7.294,,,-772 +94913482,314184,-819,3,WBC x 1000,7.9,7.9,K/mcL,K/cmm,-800 +83154946,314184,-819,1,lactate,1.3,1.3,mmol/L,mmol/L,-792 +94913487,314184,-819,3,platelets x 1000,230.0,230,K/mcL,K/cmm,-800 +103967788,314184,-776,7,Methemoglobin,0.2,0.2,%,%,-772 +94913478,314184,-819,3,Hct,40.4,40.4,%,%,-800 +104687354,314184,-324,7,paCO2,76.1,76.1,mm Hg,mmHg,-321 +94913484,314184,-819,3,MCH,31.0,31,pg,uug,-800 +103967796,314184,-776,7,Base Excess,14.1,14.1,mEq/L,meq/L,-772 +94913485,314184,-819,3,-monos,9.0,9,%,%,-800 +82415412,314184,-819,1,troponin - I,0.028,0.028,ng/mL,ng/ml,-782 +95661701,314184,-827,4,urinary specific gravity,1.01,1.010,,,-789 +103967789,314184,-776,7,paO2,90.6,90.6,mm Hg,mmHg,-772 +94913483,314184,-819,3,RDW,13.4,13.4,%,%,-800 +656470389,2720598,-170,3,MCHC,34.7,34.7,g/dL,g/dL,-133 +656470388,2720598,-170,3,-monos,7.0,7,%,%,-133 +656470390,2720598,-170,3,platelets x 1000,247.0,247,K/mcL,K/uL,-133 +656470386,2720598,-170,3,RDW,13.5,13.5,%,%,-133 +656470387,2720598,-170,3,MCH,33.3,33.3,pg,pg,-133 +656470381,2720598,-170,3,Hct,43.5,43.5,%,%,-133 +656470382,2720598,-170,3,-eos,1.0,1,%,%,-133 +656470383,2720598,-170,3,MCV,96.0,96,fL,fL,-133 +656470384,2720598,-170,3,Hgb,15.1,15.1,g/dL,g/dL,-133 +656470379,2720598,-170,3,-basos,0.0,0,%,%,-133 +656470377,2720598,-170,3,-lymphs,45.0,45,%,%,-133 +641209716,2720598,-130,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-83 +656470385,2720598,-170,3,WBC x 1000,10.2,10.2,K/mcL,K/uL,-133 +630121635,2720598,357,1,total protein,7.7,7.7,g/dL,g/dL,472 +656470378,2720598,-170,3,RBC,4.53,4.53,M/mcL,M/uL,-133 +641209724,2720598,-130,1,bicarbonate,25.0,25,mmol/L,mmol/L,-83 +656470380,2720598,-170,3,-polys,47.0,47,%,%,-133 +647996207,2720598,357,2,Phenytoin,24.4,24.4,mcg/mL,ug/mL,472 +630121634,2720598,357,1,bicarbonate,26.0,26,mmol/L,mmol/L,472 +664996286,2720598,357,3,Hgb,16.1,16.1,g/dL,g/dL,375 +641209723,2720598,-130,1,albumin,3.5,3.5,g/dL,g/dL,-83 +664996287,2720598,357,3,WBC x 1000,18.6,18.6,K/mcL,K/uL,375 +630121636,2720598,357,1,calcium,9.1,9.1,mg/dL,mg/dL,472 +708872740,2720598,-157,7,pH,7.402,7.402,,,-137 +641209725,2720598,-130,1,total protein,7.2,7.2,g/dL,g/dL,-83 +664996291,2720598,357,3,MCHC,34.2,34.2,g/dL,g/dL,375 +630121633,2720598,357,1,albumin,4.1,4.1,g/dL,g/dL,472 +708872743,2720598,-157,7,O2 Sat (%),99.0,99,%,%,-137 +643728627,2720598,-130,1,BUN,12.0,12,mg/dL,mg/dL,-83 +664996290,2720598,357,3,-monos,9.0,9,%,%,484 +630121637,2720598,357,1,ALT (SGPT),120.0,120,Units/L,U/L,472 +708872739,2720598,-157,7,O2 Content,21.0,21.0,mls/dL,,-137 +641209722,2720598,-130,1,sodium,140.0,140,mmol/L,mmol/L,-83 +664996281,2720598,357,3,-basos,0.0,0,%,%,484 +630089838,2720598,357,1,anion gap,14.5,14.5,,mmol/L,472 +708872736,2720598,-157,7,paO2,112.0,112,mm Hg,mm(hg),-137 +643728624,2720598,-130,1,ALT (SGPT),104.0,104,Units/L,U/L,-83 +664996279,2720598,357,3,-lymphs,17.0,17,%,%,484 +630089839,2720598,357,1,AST (SGOT),51.0,51,Units/L,U/L,472 +708872744,2720598,-157,7,Temperature,36.4,36.4,°C,Deg C,-137 +641209718,2720598,-130,1,creatinine,0.7,0.70,mg/dL,mg/dL,-83 +664996280,2720598,357,3,RBC,4.88,4.88,M/mcL,M/uL,375 +630121632,2720598,357,1,sodium,145.0,145,mmol/L,mmol/L,472 +708872735,2720598,-157,7,FiO2,80.0,80.0,%,,-137 +643728623,2720598,-130,1,calcium,7.8,7.8,mg/dL,mg/dL,-83 +630089837,2720598,357,1,alkaline phos.,143.0,143,Units/L,U/L,472 +708872737,2720598,-157,7,Carboxyhemoglobin,0.7,0.7,%,%,-137 +641209719,2720598,-130,1,alkaline phos.,123.0,123,Units/L,U/L,-83 +664996289,2720598,357,3,MCH,33.0,33.0,pg,pg,375 +630121638,2720598,357,1,glucose,195.0,195,mg/dL,mg/dL,472 +708872732,2720598,-157,7,HCO3,21.9,21.9,mmol/L,mmol/L,-137 +643728625,2720598,-130,1,glucose,124.0,124,mg/dL,mg/dL,-83 +664996283,2720598,357,3,Hct,47.1,47.1,%,%,375 +630089834,2720598,357,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,472 +625011796,2720598,-130,1,lipase,142.0,142,Units/L,U/L,-83 +641209720,2720598,-130,1,anion gap,14.6,14.6,,mmol/L,-83 +664996292,2720598,357,3,platelets x 1000,349.0,349,K/mcL,K/uL,375 +630089835,2720598,357,1,potassium,3.5,3.5,mmol/L,mmol/L,472 +708872733,2720598,-157,7,Base Deficit,2.4,2.4,mEq/L,mmol/L,-137 +643728626,2720598,-130,1,chloride,104.0,104,mmol/L,mmol/L,-83 +664996284,2720598,357,3,-eos,0.0,0,%,%,484 +630089836,2720598,357,1,creatinine,0.7,0.70,mg/dL,mg/dL,472 +673081920,2720598,547,4,urinary specific gravity,1.001,1.001,,,897 +641209717,2720598,-130,1,potassium,3.6,3.6,mmol/L,mmol/L,-83 +664996285,2720598,357,3,MCV,97.0,97,fL,fL,375 +630121639,2720598,357,1,chloride,108.0,108,mmol/L,mmol/L,472 +708872734,2720598,-157,7,Methemoglobin,0.3,0.3,%,%,-137 +638592011,2720598,357,1,lactate,2.7,2.7,mmol/L,mmol/L,391 +664996288,2720598,357,3,RDW,13.3,13.3,%,%,375 +630121640,2720598,357,1,BUN,7.0,7,mg/dL,mg/dL,472 +673627716,2720598,547,4,WBC's in urine,2.0,2,,/(hpf),897 +641209721,2720598,-130,1,AST (SGOT),47.0,47,Units/L,U/L,-83 +633040949,2720598,-170,1,lactate,2.9,2.9,mmol/L,mmol/L,-118 +652506919,2720598,-130,3,PT - INR,1.0,1.0,ratio,,-83 +648032609,2720598,-130,2,Phenytoin,19.4,19.4,mcg/mL,ug/mL,-54 +651322785,2720598,-130,3,PTT,26.9,26.9,sec,sec,-83 +708872738,2720598,-157,7,paCO2,35.8,35.8,mm Hg,mm(hg),-137 +652506918,2720598,-130,3,PT,12.7,12.7,sec,sec,-83 +664996282,2720598,357,3,-polys,74.0,74,%,%,484 +773912590,3153393,-178,1,troponin - I,0.017,0.017,ng/mL,ng/mL,-145 +773957890,3153393,214,1,glucose,162.0,162,mg/dL,mg/dL,250 +773957883,3153393,214,1,alkaline phos.,71.0,71,Units/L,U/L,250 +773957882,3153393,214,1,creatinine,2.6,2.6,mg/dL,mg/dL,250 +773957891,3153393,214,1,chloride,106.0,106,mmol/L,mmol/L,250 +773957889,3153393,214,1,ALT (SGPT),31.0,31,Units/L,U/L,250 +773957888,3153393,214,1,total protein,4.7,4.7,g/dL,gm/dL,250 +773957887,3153393,214,1,bicarbonate,11.0,11.0,mmol/L,mmol/L,250 +773957892,3153393,214,1,BUN,32.0,32,mg/dL,mg/dL,250 +773957880,3153393,214,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,250 +773957886,3153393,214,1,albumin,2.9,2.9,g/dL,gm/dL,250 +773957881,3153393,214,1,potassium,5.1,5.1,mmol/L,mmol/L,250 +773957884,3153393,214,1,AST (SGOT),102.0,102,Units/L,U/L,250 +773957885,3153393,214,1,sodium,138.0,138,mmol/L,mmol/L,250 +773689152,3153393,-178,1,sodium,141.0,141,mmol/L,mmol/L,-145 +773422197,3153393,-178,1,CPK-MB INDEX,2.7,2.7,%,%,-145 +773689154,3153393,-178,1,bicarbonate,17.0,17.0,mmol/L,mmol/L,-145 +773443598,3153393,214,1,phosphate,4.3,4.3,mg/dL,mg/dL,250 +773689155,3153393,-178,1,total protein,7.0,7.0,g/dL,gm/dL,-145 +773121470,3153393,-178,1,magnesium,1.7,1.7,mg/dL,mg/dL,-145 +773422198,3153393,-178,1,CPK-MB,6.0,6.0,ng/mL,ng/mL,-145 +773689150,3153393,-178,1,alkaline phos.,70.0,70,Units/L,U/L,-145 +777794574,3153393,215,7,TV,400.0,400,mls,mls,339 +773681404,3153393,-173,1,ionized calcium,0.79,0.79,mg/dL,mmol/L,-102 +777794575,3153393,215,7,Respiratory Rate,20.0,20,/min,/min,339 +773689153,3153393,-178,1,albumin,3.1,3.1,g/dL,gm/dL,-145 +777794569,3153393,215,7,pH,7.08,7.08,,,221 +773985969,3153393,1049,1,ionized calcium,0.95,0.95,mg/dL,mmol/L,1055 +773689147,3153393,-178,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-145 +777739726,3153393,1049,7,Respiratory Rate,30.0,30,/min,/min,1626 +773971862,3153393,1027,1,phosphate,4.8,4.8,mg/dL,mg/dL,1074 +777739722,3153393,1049,7,Base Excess,-12.2,-12.2,mEq/L,,1055 +777794571,3153393,215,7,Base Excess,-18.5,-18.5,mEq/L,,221 +777739715,3153393,1049,7,Total CO2,16.1,16.1,,mmol/L,1055 +776904120,3153393,2264,4,bedside glucose,142.0,142,mg/dL,mg/dL,2264 +777739717,3153393,1049,7,FiO2,80.0,80,%,,1055 +773689151,3153393,-178,1,AST (SGOT),28.0,28,Units/L,U/L,-145 +775378509,3153393,1027,3,PT,24.4,24.4,sec,second(s),1059 +775337905,3153393,214,3,PTT,75.9,75.9,sec,second(s),260 +777739718,3153393,1049,7,paO2,113.0,113,mm Hg,mmHg,1055 +777794572,3153393,215,7,PEEP,5.0,5,cm H2O,cm H2O,339 +775153981,3153393,1027,3,platelets x 1000,179.0,179,K/mcL,x10(3)/mcL,1045 +777579379,3153393,1554,7,Base Excess,-16.7,-16.7,mEq/L,,1558 +777739725,3153393,1049,7,TV,400.0,400,mls,mls,1626 +773689158,3153393,-178,1,chloride,102.0,102,mmol/L,mmol/L,-145 +775153979,3153393,1027,3,MCH,25.2,25.2,pg,pg,1045 +777579383,3153393,1554,7,Respiratory Rate,30.0,30,/min,/min,1627 +777739719,3153393,1049,7,paCO2,38.0,38,mm Hg,mmHg,1055 +777794568,3153393,215,7,paCO2,34.0,34,mm Hg,mmHg,221 +775153980,3153393,1027,3,MCHC,31.4,31.4,g/dL,gm/dL,1045 +777579380,3153393,1554,7,PEEP,12.0,12,cm H2O,cm H2O,1627 +777739716,3153393,1049,7,HCO3,14.9,14.9,mmol/L,mmol/L,1055 +773689149,3153393,-178,1,creatinine,2.8,2.8,mg/dL,mg/dL,-145 +775153978,3153393,1027,3,RDW,17.4,17.4,%,%,1045 +777579378,3153393,1554,7,O2 Sat (%),93.0,93.0,%,%,1558 +777739723,3153393,1049,7,PEEP,10.0,10,cm H2O,cm H2O,1626 +776580406,3153393,214,3,platelets x 1000,258.0,258,K/mcL,x10(3)/mcL,238 +777794570,3153393,215,7,O2 Sat (%),84.0,84.0,%,%,221 +776582749,3153393,-178,3,-polys,58.9,58.9,%,%,-164 +775378510,3153393,1027,3,PT - INR,2.21,2.21,ratio,,1059 +776582751,3153393,-178,3,-monos,8.1,8.1,%,%,-164 +777579382,3153393,1554,7,TV,400.0,400,mls,mls,1627 +776582750,3153393,-178,3,-eos,0.4,0.4,%,%,-164 +777739720,3153393,1049,7,pH,7.2,7.20,,,1055 +776580405,3153393,214,3,MCHC,30.5,30.5,g/dL,gm/dL,238 +773689148,3153393,-178,1,potassium,3.3,3.3,mmol/L,mmol/L,-145 +776580404,3153393,214,3,MCH,25.2,25.2,pg,pg,238 +775153976,3153393,1027,3,Hgb,8.2,8.2,g/dL,gm/dL,1045 +777664479,3153393,-173,7,paCO2,40.0,40,mm Hg,mmHg,-102 +777579377,3153393,1554,7,pH,7.09,7.09,,,1558 +776580402,3153393,214,3,WBC x 1000,10.4,10.4,K/mcL,x10(3)/mcL,238 +777739721,3153393,1049,7,O2 Sat (%),99.9,99.9,%,%,1055 +777664480,3153393,-173,7,pH,7.06,7.06,,,-102 +777794565,3153393,215,7,HCO3,10.1,10.1,mmol/L,mmol/L,221 +776580403,3153393,214,3,RDW,17.2,17.2,%,%,238 +775153975,3153393,1027,3,MCV,80.1,80.1,fL,fL,1045 +777664478,3153393,-173,7,paO2,48.0,48,mm Hg,mmHg,-102 +777579376,3153393,1554,7,paCO2,40.0,40,mm Hg,mmHg,1558 +776580399,3153393,214,3,Hct,28.5,28.5,%,%,238 +777706457,3153393,2202,7,FiO2,100.0,100,%,,2206 +777664481,3153393,-173,7,O2 Sat (%),63.0,63.0,%,%,-102 +777339246,3153393,1027,4,bedside glucose,199.0,199,mg/dL,mg/dL,1027 +776580400,3153393,214,3,MCV,82.6,82.6,fL,fL,238 +773689157,3153393,-178,1,glucose,47.0,47,mg/dL,mg/dL,-145 +777664475,3153393,-173,7,Total CO2,12.5,12.5,,mmol/L,-102 +777706459,3153393,2202,7,paCO2,63.0,63,mm Hg,mmHg,2206 +776580397,3153393,214,3,MPV,8.9,8.9,fL,fL,238 +775153977,3153393,1027,3,WBC x 1000,11.8,11.8,K/mcL,x10(3)/mcL,1045 +777776175,3153393,850,7,PEEP,10.0,10,cm H2O,cm H2O,1625 +777579372,3153393,1554,7,Total CO2,13.3,13.3,,mmol/L,1558 +777664476,3153393,-173,7,HCO3,11.3,11.3,mmol/L,mmol/L,-102 +777706458,3153393,2202,7,paO2,78.0,78,mm Hg,mmHg,2206 +777776177,3153393,850,7,TV,400.0,400,mls,mls,1625 +777110335,3153393,1027,4,ammonia,28.0,28,mcg/dL,mcmol/L,1074 +776580398,3153393,214,3,RBC,3.45,3.45,M/mcL,x10(6)/mcL,238 +777794566,3153393,215,7,FiO2,70.0,70,%,,221 +777776171,3153393,850,7,paCO2,40.0,40,mm Hg,mmHg,857 +777706455,3153393,2202,7,Total CO2,22.9,22.9,,mmol/L,2206 +777664482,3153393,-173,7,Base Excess,-17.6,-17.6,mEq/L,,-102 +775153972,3153393,1027,3,MPV,8.7,8.7,fL,fL,1045 +777776169,3153393,850,7,FiO2,100.0,100,%,,857 +777048211,3153393,65,4,bedside glucose,261.0,261,mg/dL,mg/dL,65 +776580401,3153393,214,3,Hgb,8.7,8.7,g/dL,gm/dL,238 +777706461,3153393,2202,7,O2 Sat (%),90.0,90.0,%,%,2206 +777776167,3153393,850,7,Total CO2,19.1,19.1,,mmol/L,857 +773012403,3153393,1027,1,magnesium,3.0,3.0,mg/dL,mg/dL,1074 +777664477,3153393,-173,7,FiO2,100.0,100,%,,-102 +773689156,3153393,-178,1,ALT (SGPT),20.0,20,Units/L,U/L,-145 +777776168,3153393,850,7,HCO3,17.9,17.9,mmol/L,mmol/L,857 +777706462,3153393,2202,7,Base Excess,-8.8,-8.8,mEq/L,,2206 +776582748,3153393,-178,3,-basos,0.2,0.2,%,%,-164 +775153973,3153393,1027,3,RBC,3.26,3.26,M/mcL,x10(6)/mcL,1045 +777776178,3153393,850,7,Respiratory Rate,30.0,30,/min,/min,1625 +777579373,3153393,1554,7,HCO3,12.1,12.1,mmol/L,mmol/L,1558 +777118088,3153393,206,4,bedside glucose,160.0,160,mg/dL,mg/dL,206 +777706460,3153393,2202,7,pH,7.13,7.13,,,2206 +777776172,3153393,850,7,pH,7.26,7.26,,,857 +776364299,3153393,1027,3,-bands,46.0,46,%,%,1122 +772848211,3153393,664,1,BUN,34.0,34,mg/dL,mg/dL,707 +775978300,3153393,-178,3,PTT,33.6,33.6,sec,second(s),-156 +776582747,3153393,-178,3,-lymphs,32.4,32.4,%,%,-164 +774600293,3153393,1027,1,troponin - I,0.824,0.824,ng/mL,ng/mL,1225 +772848204,3153393,664,1,potassium,4.4,4.4,mmol/L,mmol/L,707 +775153974,3153393,1027,3,Hct,26.1,26.1,%,%,1045 +777776170,3153393,850,7,paO2,131.0,131,mm Hg,mmHg,857 +774915630,3153393,-178,3,Hgb,12.3,12.3,g/dL,gm/dL,-164 +772848209,3153393,664,1,glucose,212.0,212,mg/dL,mg/dL,707 +775106111,3153393,1537,3,MCH,26.1,26.1,pg,pg,1578 +777706456,3153393,2202,7,HCO3,21.0,21.0,mmol/L,mmol/L,2206 +777032530,3153393,214,4,ammonia,47.0,47,mcg/dL,mcmol/L,257 +775106109,3153393,1537,3,WBC x 1000,20.2,20.2,K/mcL,x10(3)/mcL,1578 +775587554,3153393,1027,3,PTT,125.5,125.5,sec,second(s),1059 +772848205,3153393,664,1,creatinine,2.3,2.3,mg/dL,mg/dL,707 +775106110,3153393,1537,3,RDW,17.7,17.7,%,%,1578 +776894232,3153393,1549,4,bedside glucose,240.0,240,mg/dL,mg/dL,1549 +777776173,3153393,850,7,O2 Sat (%),99.9,99.9,%,%,857 +775174593,3153393,1537,3,-polys,92.9,92.9,%,%,1578 +774227998,3153393,1027,1,bicarbonate,15.0,15.0,mmol/L,mmol/L,1074 +772848210,3153393,664,1,chloride,99.0,99,mmol/L,mmol/L,707 +775174595,3153393,1537,3,-monos,2.6,2.6,%,%,1578 +774915626,3153393,-178,3,MPV,8.6,8.6,fL,fL,-164 +777225194,3153393,1647,4,bedside glucose,240.0,240,mg/dL,mg/dL,1647 +775174594,3153393,1537,3,-eos,0.1,0.1,%,%,1578 +774227999,3153393,1027,1,total protein,5.8,5.8,g/dL,gm/dL,1074 +772848206,3153393,664,1,sodium,136.0,136,mmol/L,mmol/L,707 +775106107,3153393,1537,3,MCV,83.6,83.6,fL,fL,1578 +777794567,3153393,215,7,paO2,68.0,68,mm Hg,mmHg,221 +777776174,3153393,850,7,Base Excess,-8.5,-8.5,mEq/L,,857 +775106108,3153393,1537,3,Hgb,9.1,9.1,g/dL,gm/dL,1578 +774228002,3153393,1027,1,chloride,97.0,97,mmol/L,mmol/L,1074 +772848207,3153393,664,1,albumin,3.2,3.2,g/dL,gm/dL,707 +775106112,3153393,1537,3,MCHC,31.3,31.3,g/dL,gm/dL,1578 +774915627,3153393,-178,3,RBC,4.97,4.97,M/mcL,x10(6)/mcL,-164 +774138071,3153393,850,1,ionized calcium,0.98,0.98,mg/dL,mmol/L,857 +775106104,3153393,1537,3,MPV,9.1,9.1,fL,fL,1578 +777719620,3153393,671,7,O2 Sat (%),94.5,94.5,%,%,677 +774455711,3153393,664,1,CPK,8246.0,8246,Units/L,U/L,837 +775106105,3153393,1537,3,RBC,3.48,3.48,M/mcL,x10(6)/mcL,1578 +777117200,3153393,11,4,bedside glucose,36.0,36,mg/dL,mg/dL,11 +773438669,3153393,1027,1,CPK,17020.0,17020,Units/L,U/L,1283 +775106113,3153393,1537,3,platelets x 1000,157.0,157,K/mcL,x10(3)/mcL,1578 +774228003,3153393,1027,1,BUN,35.0,35,mg/dL,mg/dL,1074 +774111936,3153393,664,1,troponin - I,0.261,0.261,ng/mL,ng/mL,837 +775106106,3153393,1537,3,Hct,29.1,29.1,%,%,1578 +774915628,3153393,-178,3,Hct,40.2,40.2,%,%,-164 +773902579,3153393,671,1,ionized calcium,1.02,1.02,mg/dL,mmol/L,677 +775174592,3153393,1537,3,-basos,0.4,0.4,%,%,1578 +777719621,3153393,671,7,Base Excess,-8.2,-8.2,mEq/L,,677 +772848208,3153393,664,1,bicarbonate,19.0,19.0,mmol/L,mmol/L,707 +775174591,3153393,1537,3,-lymphs,4.0,4.0,%,%,1578 +776009705,3153393,-178,3,PT - INR,1.15,1.15,ratio,,-156 +773943613,3153393,1537,1,BUN,38.0,38,mg/dL,mg/dL,1594 +774227996,3153393,1027,1,sodium,136.0,136,mmol/L,mmol/L,1074 +773943609,3153393,1537,1,total protein,5.3,5.3,g/dL,gm/dL,1594 +774711968,3153393,215,1,ionized calcium,1.09,1.09,mg/dL,mmol/L,221 +773943608,3153393,1537,1,bicarbonate,14.0,14.0,mmol/L,mmol/L,1594 +777719622,3153393,671,7,PEEP,10.0,10,cm H2O,cm H2O,1625 +773943607,3153393,1537,1,albumin,3.4,3.4,g/dL,gm/dL,1594 +774915629,3153393,-178,3,MCV,80.9,80.9,fL,fL,-164 +773943612,3153393,1537,1,chloride,94.0,94,mmol/L,mmol/L,1594 +774227995,3153393,1027,1,AST (SGOT),494.0,494,Units/L,U/L,1074 +773943605,3153393,1537,1,AST (SGOT),578.0,578,Units/L,U/L,1594 +777579374,3153393,1554,7,FiO2,100.0,100,%,,1558 +773943611,3153393,1537,1,glucose,230.0,230,mg/dL,mg/dL,1594 +777719619,3153393,671,7,pH,7.23,7.23,,,677 +773943610,3153393,1537,1,ALT (SGPT),126.0,126,Units/L,U/L,1594 +774841951,3153393,214,3,-monos,3.8,3.8,%,%,238 +773943606,3153393,1537,1,sodium,134.0,134,mmol/L,mmol/L,1594 +774227991,3153393,1027,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,1074 +777861263,3153393,454,7,FiO2,100.0,100,%,,458 +774915631,3153393,-178,3,WBC x 1000,10.6,10.6,K/mcL,x10(3)/mcL,-164 +773943603,3153393,1537,1,creatinine,2.6,2.6,mg/dL,mg/dL,1594 +777719624,3153393,671,7,TV,400.0,400,mls,mls,1625 +777861261,3153393,454,7,Total CO2,19.0,19.0,,mmol/L,458 +773689159,3153393,-178,1,BUN,34.0,34,mg/dL,mg/dL,-145 +773943604,3153393,1537,1,alkaline phos.,61.0,61,Units/L,U/L,1594 +774227992,3153393,1027,1,potassium,3.6,3.6,mmol/L,mmol/L,1074 +777861262,3153393,454,7,HCO3,17.6,17.6,mmol/L,mmol/L,458 +774841949,3153393,214,3,-polys,71.6,71.6,%,%,238 +773853992,3153393,1537,1,phosphate,7.5,7.5,mg/dL,mg/dL,1594 +777719615,3153393,671,7,HCO3,18.8,18.8,mmol/L,mmol/L,677 +777861271,3153393,454,7,TV,400.0,400,mls,mls,1624 +774973129,3153393,214,3,PT,16.4,16.4,sec,second(s),260 +773617165,3153393,1537,1,magnesium,3.1,3.1,mg/dL,mg/dL,1594 +774227993,3153393,1027,1,creatinine,2.3,2.3,mg/dL,mg/dL,1074 +777861272,3153393,454,7,Respiratory Rate,20.0,20,/min,/min,1624 +776898102,3153393,-113,4,bedside glucose,117.0,117,mg/dL,mg/dL,-113 +773943601,3153393,1537,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,1594 +777719617,3153393,671,7,paO2,66.0,66,mm Hg,mmHg,677 +777861267,3153393,454,7,O2 Sat (%),69.0,69.0,%,%,458 +774841947,3153393,214,3,-lymphs,23.7,23.7,%,%,238 +776882425,3153393,1281,4,bedside glucose,172.0,172,mg/dL,mg/dL,1281 +774227997,3153393,1027,1,albumin,4.1,4.1,g/dL,gm/dL,1074 +777293018,3153393,1699,4,bedside glucose,237.0,237,mg/dL,mg/dL,1699 +774973130,3153393,214,3,PT - INR,1.51,1.51,ratio,,260 +773330305,3153393,1554,1,ionized calcium,0.86,0.86,mg/dL,mmol/L,1558 +777719618,3153393,671,7,paCO2,45.0,45,mm Hg,mmHg,677 +777143302,3153393,358,4,bedside glucose,158.0,158,mg/dL,mg/dL,358 +776009704,3153393,-178,3,PT,12.3,12.3,sec,second(s),-156 +777861268,3153393,454,7,Base Excess,-10.2,-10.2,mEq/L,,458 +774228001,3153393,1027,1,glucose,188.0,188,mg/dL,mg/dL,1074 +777009111,3153393,1775,4,bedside glucose,231.0,231,mg/dL,mg/dL,1775 +774841950,3153393,214,3,-eos,0.7,0.7,%,%,238 +773943602,3153393,1537,1,potassium,3.9,3.9,mmol/L,mmol/L,1594 +777719625,3153393,671,7,Respiratory Rate,20.0,20,/min,/min,1625 +777464078,3153393,1367,7,Respiratory Rate,30.0,30,/min,/min,1626 +774915634,3153393,-178,3,MCHC,30.6,30.6,g/dL,gm/dL,-164 +777861269,3153393,454,7,PEEP,5.0,5,cm H2O,cm H2O,1624 +777152511,3153393,2198,4,bedside glucose,205.0,205,mg/dL,mg/dL,2198 +777464074,3153393,1367,7,Base Excess,-15.5,-15.5,mEq/L,,1372 +776981905,3153393,26,4,bedside glucose,153.0,153,mg/dL,mg/dL,26 +777082467,3153393,1895,4,bedside glucose,234.0,234,mg/dL,mg/dL,1895 +777719616,3153393,671,7,FiO2,100.0,100,%,,677 +777464075,3153393,1367,7,PEEP,10.0,10,cm H2O,cm H2O,1626 +774800163,3153393,214,1,CPK,2145.0,2145,Units/L,U/L,269 +777861264,3153393,454,7,paO2,45.0,45,mm Hg,mmHg,458 +774227994,3153393,1027,1,alkaline phos.,59.0,59,Units/L,U/L,1074 +777464073,3153393,1367,7,O2 Sat (%),87.0,87.0,%,%,1372 +774915633,3153393,-178,3,MCH,24.7,24.7,pg,pg,-164 +777067448,3153393,1841,4,bedside glucose,224.0,224,mg/dL,mg/dL,1841 +777038780,3153393,667,4,urinary osmolality,288.0,288,mOsm/L,mOsm/kg,710 +777464071,3153393,1367,7,paCO2,37.0,37,mm Hg,mmHg,1372 +777794564,3153393,215,7,Total CO2,11.1,11.1,,mmol/L,221 +777861265,3153393,454,7,paCO2,45.0,45,mm Hg,mmHg,458 +777191331,3153393,813,4,bedside glucose,183.0,183,mg/dL,mg/dL,813 +777464069,3153393,1367,7,FiO2,70.0,70,%,,1372 +774841948,3153393,214,3,-basos,0.2,0.2,%,%,238 +776999995,3153393,1971,4,bedside glucose,209.0,209,mg/dL,mg/dL,1971 +777719614,3153393,671,7,Total CO2,20.2,20.2,,mmol/L,677 +777464067,3153393,1367,7,Total CO2,13.7,13.7,,mmol/L,1372 +774915635,3153393,-178,3,platelets x 1000,352.0,352,K/mcL,x10(3)/mcL,-164 +777861266,3153393,454,7,pH,7.2,7.20,,,458 +774532817,3153393,214,1,magnesium,3.9,3.9,mg/dL,mg/dL,250 +777464072,3153393,1367,7,pH,7.14,7.14,,,1372 +777579375,3153393,1554,7,paO2,92.0,92,mm Hg,mmHg,1558 +777087378,3153393,2028,4,bedside glucose,189.0,189,mg/dL,mg/dL,2028 +777169772,3153393,2095,4,bedside glucose,169.0,169,mg/dL,mg/dL,2095 +777464068,3153393,1367,7,HCO3,12.6,12.6,mmol/L,mmol/L,1372 +774656966,3153393,-178,1,CPK,223.0,223,Units/L,U/L,-145 +774203298,3153393,214,1,troponin - I,0.302,0.302,ng/mL,ng/mL,269 +774228000,3153393,1027,1,ALT (SGPT),103.0,103,Units/L,U/L,1074 +777464077,3153393,1367,7,TV,400.0,400,mls,mls,1626 +774915632,3153393,-178,3,RDW,16.9,16.9,%,%,-164 +776871965,3153393,582,4,bedside glucose,205.0,205,mg/dL,mg/dL,582 +776858491,3153393,2139,4,bedside glucose,163.0,163,mg/dL,mg/dL,2139 +777464070,3153393,1367,7,paO2,69.0,69,mm Hg,mmHg,1372 +438314517,1827129,14037,3,MCV,100.0,100,fL,FL,14087 +438314518,1827129,14037,3,MCH,33.8,33.8,pg,PG,14087 +438314519,1827129,14037,3,MCHC,33.9,33.9,g/dL,%,14087 +438314521,1827129,14037,3,platelets x 1000,355.0,355,K/mcL,K/CMM,14087 +426160511,1827129,2525,1,bicarbonate,28.0,28,mmol/L,MEQ/L,2613 +438314520,1827129,14037,3,RDW,13.8,13.8,%,%,14087 +426160510,1827129,2525,1,sodium,125.0,125,mmol/L,MEQ/L,2613 +438314522,1827129,14037,3,-polys,73.0,73,%,%,14087 +426160514,1827129,2525,1,chloride,92.0,92,mmol/L,MEQ/L,2613 +438314526,1827129,14037,3,-basos,1.0,1,%,%,14087 +426160515,1827129,2525,1,BUN,22.0,22,mg/dL,MG/DL,2613 +422897801,1827129,6915,1,BUN,16.0,16,mg/dL,MG/DL,6961 +438314524,1827129,14037,3,-monos,15.0,15,%,%,14087 +426160508,1827129,2525,1,potassium,4.1,4.1,mmol/L,MEQ/L,2613 +422897799,1827129,6915,1,glucose,97.0,97,mg/dL,MG/DL,6961 +438314525,1827129,14037,3,-eos,4.0,4,%,%,14087 +426160512,1827129,2525,1,calcium,8.4,8.4,mg/dL,MG/DL,2613 +422897800,1827129,6915,1,chloride,96.0,96,mmol/L,MEQ/L,6961 +438314516,1827129,14037,3,Hct,26.6,26.6,%,%,14087 +426160513,1827129,2525,1,glucose,91.0,91,mg/dL,MG/DL,2613 +423036234,1827129,12673,1,BUN,10.0,10,mg/dL,MG/DL,12717 +438314523,1827129,14037,3,-lymphs,8.0,8,%,%,14087 +426160509,1827129,2525,1,creatinine,1.1,1.1,mg/dL,MG/DL,2613 +423036233,1827129,12673,1,glucose,89.0,89,mg/dL,MG/DL,12717 +423887188,1827129,9799,1,glucose,94.0,94,mg/dL,MG/DL,9884 +423036235,1827129,12673,1,creatinine,0.8,0.8,mg/dL,MG/DL,12717 +423887189,1827129,9799,1,BUN,11.0,11,mg/dL,MG/DL,9884 +423036238,1827129,12673,1,chloride,90.0,90,mmol/L,MEQ/L,12717 +423887190,1827129,9799,1,creatinine,0.7,0.7,mg/dL,MG/DL,9884 +422897797,1827129,6915,1,bicarbonate,28.0,28,mmol/L,MEQ/L,6961 +424714477,1827129,3998,1,potassium,3.8,3.8,mmol/L,MEQ/L,4399 +433540068,1827129,3998,3,RBC,2.86,2.86,M/mcL,M/CMM,4265 +423887196,1827129,9799,1,phosphate,3.8,3.8,mg/dL,MG/DL,9884 +415689639,1827129,11269,1,sodium,128.0,128,mmol/L,MEQ/L,11312 +428604382,1827129,2525,3,-polys,81.0,81,%,%,2596 +423036239,1827129,12673,1,bicarbonate,33.0,33,mmol/L,MEQ/L,12717 +424714478,1827129,3998,1,creatinine,0.8,0.8,mg/dL,MG/DL,4399 +433540069,1827129,3998,3,Hct,28.7,28.7,%,%,4265 +428604392,1827129,2525,3,platelets x 1000,238.0,238,K/mcL,K/CMM,2596 +415889906,1827129,8285,1,chloride,94.0,94,mmol/L,MEQ/L,8334 +423887197,1827129,9799,1,magnesium,1.9,1.9,mg/dL,MG/DL,9884 +422897794,1827129,6915,1,potassium,4.6,4.6,mmol/L,MEQ/L,6961 +428604379,1827129,2525,3,-lymphs,7.0,7,%,%,2596 +433540070,1827129,3998,3,MCV,100.0,100,fL,FL,4265 +424714479,1827129,3998,1,sodium,124.0,124,mmol/L,MEQ/L,4399 +415889903,1827129,8285,1,creatinine,0.8,0.8,mg/dL,MG/DL,8334 +428604380,1827129,2525,3,RBC,3.08,3.08,M/mcL,M/CMM,2596 +422897796,1827129,6915,1,sodium,128.0,128,mmol/L,MEQ/L,6961 +423887193,1827129,9799,1,chloride,93.0,93,mmol/L,MEQ/L,9884 +433540073,1827129,3998,3,RDW,13.7,13.7,%,%,4265 +428604381,1827129,2525,3,-basos,0.0,0,%,%,2596 +415889904,1827129,8285,1,sodium,126.0,126,mmol/L,MEQ/L,8334 +424714480,1827129,3998,1,bicarbonate,26.0,26,mmol/L,MEQ/L,4399 +422897795,1827129,6915,1,creatinine,0.8,0.8,mg/dL,MG/DL,6961 +428604383,1827129,2525,3,Hct,31.2,31.2,%,%,2596 +433540074,1827129,3998,3,MCH,34.0,34.0,pg,PG,4265 +423887194,1827129,9799,1,bicarbonate,30.0,30,mmol/L,MEQ/L,9884 +415889907,1827129,8285,1,bicarbonate,27.0,27,mmol/L,MEQ/L,8334 +428604389,1827129,2525,3,MCH,34.4,34.4,pg,PG,2596 +423036236,1827129,12673,1,sodium,128.0,128,mmol/L,MEQ/L,12717 +424714484,1827129,3998,1,BUN,19.0,19,mg/dL,MG/DL,4399 +433540075,1827129,3998,3,MCHC,33.8,33.8,g/dL,%,4265 +428153564,1827129,6915,3,MCV,101.0,101,fL,FL,6926 +415889905,1827129,8285,1,potassium,4.2,4.2,mmol/L,MEQ/L,8334 +428604390,1827129,2525,3,-monos,10.0,10,%,%,2596 +422897798,1827129,6915,1,calcium,8.7,8.7,mg/dL,MG/DL,6961 +428153568,1827129,6915,3,MCH,34.8,34.8,pg,PG,6926 +433540071,1827129,3998,3,Hgb,9.7,9.7,g/dL,G/DL,4265 +423887195,1827129,9799,1,calcium,8.7,8.7,mg/dL,MG/DL,9884 +415889902,1827129,8285,1,BUN,12.0,12,mg/dL,MG/DL,8334 +428153566,1827129,6915,3,WBC x 1000,6.9,6.9,K/mcL,K/CMM,6926 +434624500,1827129,1047,3,RBC,3.2,3.20,M/mcL,M/CMM,1050 +428604385,1827129,2525,3,MCV,101.0,101,fL,FL,2596 +423036237,1827129,12673,1,potassium,3.9,3.9,mmol/L,MEQ/L,12717 +428153565,1827129,6915,3,Hgb,10.0,10.0,g/dL,G/DL,6926 +420334167,1827129,15518,1,bicarbonate,33.0,33,mmol/L,MEQ/L,15624 +424714481,1827129,3998,1,calcium,8.3,8.3,mg/dL,MG/DL,4399 +434624508,1827129,1047,3,platelets x 1000,258.0,258,K/mcL,K/CMM,1050 +428153567,1827129,6915,3,RDW,13.5,13.5,%,%,6926 +433540072,1827129,3998,3,WBC x 1000,7.8,7.8,K/mcL,K/CMM,4265 +428604384,1827129,2525,3,-eos,1.0,1,%,%,2596 +420334166,1827129,15518,1,chloride,92.0,92,mmol/L,MEQ/L,15624 +428153563,1827129,6915,3,Hct,29.0,29.0,%,%,6926 +434624501,1827129,1047,3,Hct,32.3,32.3,%,%,1050 +423887191,1827129,9799,1,sodium,127.0,127,mmol/L,MEQ/L,9884 +415889908,1827129,8285,1,calcium,8.4,8.4,mg/dL,MG/DL,8334 +428153562,1827129,6915,3,RBC,2.88,2.88,M/mcL,M/CMM,6926 +420334168,1827129,15518,1,calcium,9.0,9.0,mg/dL,MG/DL,15624 +428604388,1827129,2525,3,RDW,13.8,13.8,%,%,2596 +434624507,1827129,1047,3,MCHC,34.2,34.2,g/dL,%,1050 +427802091,1827129,5510,1,potassium,4.2,4.2,mmol/L,MEQ/L,5671 +423036240,1827129,12673,1,calcium,9.0,9.0,mg/dL,MG/DL,12717 +424714482,1827129,3998,1,glucose,97.0,97,mg/dL,MG/DL,4399 +440766133,1827129,11269,3,RBC,2.66,2.66,M/mcL,M/CMM,11312 +428153569,1827129,6915,3,MCHC,34.5,34.5,g/dL,%,6926 +420334165,1827129,15518,1,potassium,3.9,3.9,mmol/L,MEQ/L,15624 +428604386,1827129,2525,3,Hgb,10.6,10.6,g/dL,G/DL,2596 +440766132,1827129,11269,3,WBC x 1000,6.0,6.0,K/mcL,K/CMM,11312 +427802094,1827129,5510,1,bicarbonate,25.0,25,mmol/L,MEQ/L,5671 +434624502,1827129,1047,3,MCV,101.0,101,fL,FL,1050 +423887192,1827129,9799,1,potassium,4.2,4.2,mmol/L,MEQ/L,9884 +440766134,1827129,11269,3,Hgb,9.1,9.1,g/dL,G/DL,11312 +427802095,1827129,5510,1,calcium,8.4,8.4,mg/dL,MG/DL,5671 +420900207,1827129,5510,1,BUN,17.0,17,mg/dL,MG/DL,5671 +428604391,1827129,2525,3,MCHC,33.9,33.9,g/dL,%,2596 +440766140,1827129,11269,3,platelets x 1000,328.0,328,K/mcL,K/CMM,11312 +428153570,1827129,6915,3,platelets x 1000,252.0,252,K/mcL,K/CMM,6926 +420334162,1827129,15518,1,BUN,8.0,8,mg/dL,MG/DL,15624 +424714483,1827129,3998,1,chloride,94.0,94,mmol/L,MEQ/L,4399 +440766139,1827129,11269,3,RDW,13.6,13.6,%,%,11312 +427802092,1827129,5510,1,creatinine,0.8,0.8,mg/dL,MG/DL,5671 +434624504,1827129,1047,3,WBC x 1000,14.8,14.8,K/mcL,K/CMM,1050 +428604387,1827129,2525,3,WBC x 1000,10.6,10.6,K/mcL,K/CMM,2596 +437560676,1827129,-31,3,WBC x 1000,14.5,14.5,K/mcL,K/CMM,21 +427802093,1827129,5510,1,sodium,125.0,125,mmol/L,MEQ/L,5548 +440766137,1827129,11269,3,MCH,34.1,34.1,pg,PG,11312 +426833365,1827129,14037,1,bicarbonate,31.0,31,mmol/L,MEQ/L,14105 +433540076,1827129,3998,3,platelets x 1000,219.0,219,K/mcL,K/CMM,4265 +422915203,1827129,1047,1,chloride,94.0,94,mmol/L,MEQ/L,1067 +437560675,1827129,-31,3,Hgb,12.2,12.2,g/dL,G/DL,21 +422561362,1827129,-31,1,sodium,129.0,129,mmol/L,MEQ/L,49 +440766135,1827129,11269,3,Hct,26.7,26.7,%,%,11312 +426833366,1827129,14037,1,calcium,8.9,8.9,mg/dL,MG/DL,14105 +420334163,1827129,15518,1,creatinine,0.8,0.8,mg/dL,MG/DL,15624 +422561363,1827129,-31,1,albumin,3.8,3.8,g/dL,G/DL,49 +437560677,1827129,-31,3,RDW,13.6,13.6,%,%,21 +422915204,1827129,1047,1,BUN,16.0,16,mg/dL,MG/DL,1067 +442152273,1827129,14037,3,Hgb,9.0,9.0,g/dL,G/DL,14087 +422561364,1827129,-31,1,bicarbonate,27.0,27,mmol/L,MEQ/L,49 +434624503,1827129,1047,3,Hgb,11.0,11.0,g/dL,G/DL,1050 +426833362,1827129,14037,1,sodium,129.0,129,mmol/L,MEQ/L,14105 +437560673,1827129,-31,3,Hct,36.2,36.2,%,%,21 +422561361,1827129,-31,1,AST (SGOT),29.0,29,Units/L,U/L,49 +440766138,1827129,11269,3,MCHC,34.0,34.0,g/dL,%,11312 +422915202,1827129,1047,1,glucose,134.0,134,mg/dL,MG/DL,1067 +420900205,1827129,5510,1,glucose,99.0,99,mg/dL,MG/DL,5671 +422561369,1827129,-31,1,chloride,97.0,97,mmol/L,MEQ/L,49 +437560672,1827129,-31,3,RBC,3.61,3.61,M/mcL,M/CMM,21 +426833363,1827129,14037,1,potassium,4.1,4.1,mmol/L,MEQ/L,14105 +442152271,1827129,14037,3,WBC x 1000,6.7,6.7,K/mcL,K/CMM,14087 +422561365,1827129,-31,1,total protein,6.4,6.4,g/dL,G/DL,49 +420334161,1827129,15518,1,glucose,92.0,92,mg/dL,MG/DL,15624 +422915199,1827129,1047,1,sodium,124.0,124,mmol/L,MEQ/L,1067 +437560674,1827129,-31,3,MCV,100.0,100,fL,FL,21 +422561368,1827129,-31,1,glucose,160.0,160,mg/dL,MG/DL,49 +440766136,1827129,11269,3,MCV,100.0,100,fL,FL,11312 +426833364,1827129,14037,1,chloride,92.0,92,mmol/L,MEQ/L,14105 +434624505,1827129,1047,3,RDW,13.8,13.8,%,%,1050 +422561370,1827129,-31,1,BUN,11.0,11,mg/dL,MG/DL,49 +437560678,1827129,-31,3,MCH,33.9,33.9,pg,PG,21 +422915198,1827129,1047,1,creatinine,0.9,0.9,mg/dL,MG/DL,1067 +442152272,1827129,14037,3,RBC,2.67,2.67,M/mcL,M/CMM,14087 +422561358,1827129,-31,1,potassium,5.0,5.0,mmol/L,MEQ/L,49 +415889901,1827129,8285,1,glucose,93.0,93,mg/dL,MG/DL,8334 +426833359,1827129,14037,1,glucose,94.0,94,mg/dL,MG/DL,14105 +437560679,1827129,-31,3,MCHC,33.8,33.8,g/dL,%,21 +422561359,1827129,-31,1,creatinine,0.9,0.9,mg/dL,MG/DL,49 +442773035,1827129,3786,4,urinary osmolality,315.0,315,mOsm/L,,3836 +422915200,1827129,1047,1,bicarbonate,24.0,24,mmol/L,MEQ/L,1067 +420334164,1827129,15518,1,sodium,129.0,129,mmol/L,MEQ/L,15624 +422561357,1827129,-31,1,total bilirubin,0.9,0.9,mg/dL,MG/DL,49 +416649974,1827129,9164,1,magnesium,1.9,1.9,mg/dL,MG/DL,9195 +426833361,1827129,14037,1,creatinine,0.8,0.8,mg/dL,MG/DL,14105 +416710951,1827129,187,1,potassium,4.5,4.5,mmol/L,MEQ/L,229 +422561360,1827129,-31,1,alkaline phos.,87.0,87,Units/L,U/L,49 +434624506,1827129,1047,3,MCH,34.5,34.5,pg,PG,1050 +422915197,1827129,1047,1,potassium,4.0,4.0,mmol/L,MEQ/L,1067 +437560680,1827129,-31,3,platelets x 1000,278.0,278,K/mcL,K/CMM,21 +422561366,1827129,-31,1,calcium,8.5,8.5,mg/dL,MG/DL,49 +442773034,1827129,3786,4,urinary sodium,51.0,51,mmol/L,MEQ/L,3800 +426833360,1827129,14037,1,BUN,7.0,7,mg/dL,MG/DL,14105 +420900206,1827129,5510,1,chloride,93.0,93,mmol/L,MEQ/L,5671 +422561367,1827129,-31,1,ALT (SGPT),28.0,28,Units/L,U/L,49 +416649973,1827129,9164,1,phosphate,3.1,3.1,mg/dL,MG/DL,9195 +422915201,1827129,1047,1,calcium,8.4,8.4,mg/dL,MG/DL,1067 +604991455,2628859,-594,3,MCV,87.0,87,fL,fL,-535 +606505073,2628859,710,3,Hct,26.0,26,%,%,726 +604991450,2628859,-594,3,MPV,12.7,12.7,fL,fL,-535 +606505071,2628859,710,3,RBC,2.99,2.99,M/mcL,MIL/uL,726 +606969687,2628859,5374,3,RDW,15.0,15.0,%,%,5385 +604991461,2628859,-594,3,MCHC,33.0,33,g/dL,%,-535 +599538819,2628859,710,1,calcium,8.4,8.4,mg/dL,mg/dL,737 +606505069,2628859,710,3,MPV,12.3,12.3,fL,fL,726 +606969688,2628859,5374,3,platelets x 1000,247.0,247,K/mcL,TH/uL,5385 +604991453,2628859,-594,3,-polys,80.0,80,%,%,-535 +599538818,2628859,710,1,total protein,5.4,5.4,g/dL,g/dL,737 +606505070,2628859,710,3,-lymphs,15.0,15,%,%,726 +606969680,2628859,5374,3,WBC x 1000,6.78,6.78,K/mcL,TH/uL,5385 +604991462,2628859,-594,3,platelets x 1000,198.0,198,K/mcL,TH/uL,-535 +599538809,2628859,710,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,737 +606505074,2628859,710,3,-eos,0.0,0,%,%,726 +606969684,2628859,5374,3,MCV,87.0,87,fL,fL,5385 +604991454,2628859,-594,3,Hct,33.0,33,%,%,-535 +599538810,2628859,710,1,potassium,3.7,3.7,mmol/L,MEQ/L,737 +606505079,2628859,710,3,MCH,28.0,28,pg,pg,726 +606969683,2628859,5374,3,Hct,32.0,32,%,%,5385 +604991456,2628859,-594,3,Hgb,10.8,10.8,g/dL,g/dL,-535 +599538820,2628859,710,1,ALT (SGPT),20.0,20,Units/L,IU/L,737 +606505080,2628859,710,3,-monos,15.0,15,%,%,726 +606969681,2628859,5374,3,RBC,3.64,3.64,M/mcL,MIL/uL,5385 +604991457,2628859,-594,3,WBC x 1000,11.92,11.92,K/mcL,TH/uL,-535 +599538811,2628859,710,1,creatinine,0.6,0.6,mg/dL,mg/dL,737 +606505078,2628859,710,3,RDW,14.6,14.6,%,%,726 +600044238,2628859,3830,1,bicarbonate,27.0,27,mmol/L,MEQ/L,3866 +604991459,2628859,-594,3,MCH,29.0,29,pg,pg,-535 +606969685,2628859,5374,3,MCH,28.0,28,pg,pg,5385 +606505081,2628859,710,3,MCHC,32.0,32,g/dL,%,726 +599538822,2628859,710,1,chloride,102.0,102,mmol/L,MEQ/L,737 +604991458,2628859,-594,3,RDW,14.6,14.6,%,%,-535 +600044237,2628859,3830,1,sodium,141.0,141,mmol/L,MEQ/L,3866 +599005374,2628859,-594,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-545 +606505082,2628859,710,3,platelets x 1000,163.0,163,K/mcL,TH/uL,726 +606969682,2628859,5374,3,Hgb,10.3,10.3,g/dL,g/dL,5385 +599005387,2628859,-594,1,chloride,94.0,94,mmol/L,MEQ/L,-545 +604991451,2628859,-594,3,-lymphs,7.0,7,%,%,-535 +599538823,2628859,710,1,BUN,12.0,12,mg/dL,mg/dL,737 +599005375,2628859,-594,1,potassium,4.2,4.2,mmol/L,MEQ/L,-545 +606505075,2628859,710,3,MCV,88.0,88,fL,fL,726 +600044236,2628859,3830,1,anion gap,8.0,8,,,3866 +599005383,2628859,-594,1,total protein,7.0,7.0,g/dL,g/dL,-545 +604991460,2628859,-594,3,-monos,14.0,14,%,%,-535 +606969689,2628859,5374,3,MPV,10.9,10.9,fL,fL,5385 +599005376,2628859,-594,1,creatinine,0.6,0.6,mg/dL,mg/dL,-545 +606505076,2628859,710,3,Hgb,8.5,8.5,g/dL,g/dL,726 +599538816,2628859,710,1,albumin,2.7,2.7,g/dL,g/dL,737 +599005384,2628859,-594,1,calcium,9.2,9.2,mg/dL,mg/dL,-545 +608644407,2628859,-594,3,PT - INR,1.1,1.1,ratio,,-547 +600044235,2628859,3830,1,creatinine,0.6,0.6,mg/dL,mg/dL,3866 +607264463,2628859,3830,3,WBC x 1000,7.42,7.42,K/mcL,TH/uL,3855 +599005385,2628859,-594,1,ALT (SGPT),20.0,20,Units/L,IU/L,-545 +607264460,2628859,3830,3,-eos,4.0,4,%,%,3855 +609744050,2628859,2320,3,Ferritin,327.0,327,ng/mL,ng/mL,3470 +607264464,2628859,3830,3,RDW,15.2,15.2,%,%,3855 +598962549,2628859,5317,1,alkaline phos.,51.0,51,Units/L,IU/L,5368 +606969692,2628859,5374,3,-monos,17.0,17,%,%,5385 +607264461,2628859,3830,3,MCV,87.0,87,fL,fL,3855 +598962546,2628859,5317,1,glucose,163.0,163,mg/dL,mg/dL,5368 +599005386,2628859,-594,1,glucose,151.0,151,mg/dL,mg/dL,-545 +607264462,2628859,3830,3,Hgb,9.1,9.1,g/dL,g/dL,3855 +598962554,2628859,5317,1,creatinine,0.6,0.6,mg/dL,mg/dL,5368 +611764241,2628859,-50,4,bedside glucose,119.0,119,mg/dL,mg/dL,-50 +607264455,2628859,3830,3,MPV,11.3,11.3,fL,fL,3855 +604625699,2628859,75,3,MCHC,34.0,34,g/dL,%,120 +599538815,2628859,710,1,sodium,139.0,139,mmol/L,MEQ/L,737 +602073938,2628859,2320,1,glucose,239.0,239,mg/dL,mg/dL,2366 +617147117,2628859,940,7,Base Excess,4.5,4.5,mEq/L,MEQ/L,954 +599005377,2628859,-594,1,alkaline phos.,43.0,43,Units/L,IU/L,-545 +607264456,2628859,3830,3,-lymphs,14.0,14,%,%,3855 +598962544,2628859,5317,1,anion gap,13.0,13,,,5368 +610046452,2628859,2320,3,Fe/TIBC Ratio,20.0,20,%,%,3437 +602073937,2628859,2320,1,calcium,8.1,8.1,mg/dL,mg/dL,2366 +604625698,2628859,75,3,-monos,14.0,14,%,%,120 +600044234,2628859,3830,1,potassium,3.9,3.9,mmol/L,MEQ/L,3866 +605172035,2628859,2320,3,platelets x 1000,174.0,174,K/mcL,TH/uL,2354 +617147114,2628859,940,7,pH,7.42,7.42,,units,954 +599005388,2628859,-594,1,BUN,20.0,20,mg/dL,mg/dL,-545 +607264457,2628859,3830,3,RBC,3.2,3.20,M/mcL,MIL/uL,3855 +598962547,2628859,5317,1,total protein,6.2,6.2,g/dL,g/dL,5368 +604991452,2628859,-594,3,RBC,3.79,3.79,M/mcL,MIL/uL,-535 +605172032,2628859,2320,3,MCH,29.0,29,pg,pg,2354 +604625696,2628859,75,3,RDW,14.6,14.6,%,%,120 +606969693,2628859,5374,3,-eos,5.0,5,%,%,5385 +602073936,2628859,2320,1,bicarbonate,26.0,26,mmol/L,MEQ/L,2366 +617147113,2628859,940,7,Oxyhemoglobin,96.1,96.1,%,% THB,954 +599005381,2628859,-594,1,albumin,3.8,3.8,g/dL,g/dL,-545 +605172033,2628859,2320,3,-monos,14.0,14,%,%,2354 +598962548,2628859,5317,1,albumin,3.1,3.1,g/dL,g/dL,5368 +610046453,2628859,2320,3,Fe,29.0,29,mcg/dL,ug/dL,3437 +607264458,2628859,3830,3,-polys,67.0,67,%,%,3855 +604625694,2628859,75,3,Hgb,9.5,9.5,g/dL,g/dL,120 +599538814,2628859,710,1,AST (SGOT),23.0,23,Units/L,IU/L,737 +605172031,2628859,2320,3,RDW,14.6,14.6,%,%,2354 +617147107,2628859,940,7,Methemoglobin,0.4,0.4,%,% THB,954 +599005378,2628859,-594,1,anion gap,13.0,13,,,-545 +602073933,2628859,2320,1,creatinine,0.6,0.6,mg/dL,mg/dL,2366 +598962550,2628859,5317,1,ALT (SGPT),25.0,25,Units/L,IU/L,5368 +606505077,2628859,710,3,WBC x 1000,9.32,9.32,K/mcL,TH/uL,726 +605172034,2628859,2320,3,MCHC,32.0,32,g/dL,%,2354 +604625693,2628859,75,3,MCV,86.0,86,fL,fL,120 +600044242,2628859,3830,1,BUN,11.0,11,mg/dL,mg/dL,3866 +607264467,2628859,3830,3,MCHC,33.0,33,g/dL,%,3855 +617147106,2628859,940,7,HCO3,28.9,28.9,mmol/L,MEQ/L,954 +599005382,2628859,-594,1,bicarbonate,30.0,30,mmol/L,MEQ/L,-545 +605172027,2628859,2320,3,-eos,2.0,2,%,%,2354 +598962551,2628859,5317,1,AST (SGOT),35.0,35,Units/L,IU/L,5368 +610046454,2628859,2320,3,transferrin,119.0,119,mg/dL,mg/dL,3437 +602073934,2628859,2320,1,anion gap,8.0,8,,,2366 +604625691,2628859,75,3,-polys,78.0,78,%,%,120 +606969686,2628859,5374,3,MCHC,33.0,33,g/dL,%,5385 +605172028,2628859,2320,3,MCV,90.0,90,fL,fL,2354 +617147109,2628859,940,7,paO2,102.0,102,mm Hg,mm Hg,954 +599005380,2628859,-594,1,sodium,136.0,136,mmol/L,MEQ/L,-545 +607264468,2628859,3830,3,platelets x 1000,220.0,220,K/mcL,TH/uL,3855 +598962552,2628859,5317,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,5368 +603361174,2628859,75,1,lactate,1.3,1.3,mmol/L,mmol/L,115 +605172029,2628859,2320,3,Hgb,7.8,7.8,g/dL,g/dL,2354 +604625700,2628859,75,3,platelets x 1000,186.0,186,K/mcL,TH/uL,120 +599538817,2628859,710,1,bicarbonate,28.0,28,mmol/L,MEQ/L,737 +602073935,2628859,2320,1,sodium,140.0,140,mmol/L,MEQ/L,2366 +617147110,2628859,940,7,Carboxyhemoglobin,1.8,1.8,%,% THB,954 +599005379,2628859,-594,1,AST (SGOT),22.0,22,Units/L,IU/L,-545 +605172022,2628859,2320,3,MPV,12.4,12.4,fL,fL,2354 +598962543,2628859,5317,1,bicarbonate,23.0,23,mmol/L,MEQ/L,5368 +608644406,2628859,-594,3,PT,13.6,13.6,sec,sec,-547 +607264459,2628859,3830,3,Hct,28.0,28,%,%,3855 +604625695,2628859,75,3,WBC x 1000,11.25,11.25,K/mcL,TH/uL,120 +600044241,2628859,3830,1,chloride,105.0,105,mmol/L,MEQ/L,3866 +605172024,2628859,2320,3,RBC,2.69,2.69,M/mcL,MIL/uL,2354 +617147112,2628859,940,7,O2 Content,12.5,12.5,mls/dL,mL/dL,954 +606014385,2628859,75,3,fibrinogen,652.0,652,mg/dL,mg/dL,115 +602073939,2628859,2320,1,chloride,106.0,106,mmol/L,MEQ/L,2366 +598962545,2628859,5317,1,calcium,9.2,9.2,mg/dL,mg/dL,5368 +606969690,2628859,5374,3,-polys,63.0,63,%,%,5385 +598164723,2628859,75,1,potassium,3.8,3.8,mmol/L,MEQ/L,117 +604625689,2628859,75,3,-lymphs,8.0,8,%,%,120 +606014386,2628859,75,3,PT - INR,1.1,1.1,ratio,,115 +605172023,2628859,2320,3,-lymphs,13.0,13,%,%,2354 +610958528,2628859,2083,4,bedside glucose,245.0,245,mg/dL,mg/dL,2083 +599538813,2628859,710,1,anion gap,8.0,8,,,737 +598164731,2628859,75,1,BUN,16.0,16,mg/dL,mg/dL,117 +598962540,2628859,5317,1,sodium,141.0,141,mmol/L,MEQ/L,5368 +611566140,2628859,1416,4,bedside glucose,181.0,181,mg/dL,mg/dL,1416 +607264465,2628859,3830,3,MCH,28.0,28,pg,pg,3855 +604625688,2628859,75,3,MPV,12.0,12.0,fL,fL,120 +600044239,2628859,3830,1,calcium,8.5,8.5,mg/dL,mg/dL,3866 +598164724,2628859,75,1,creatinine,0.5,0.5,mg/dL,mg/dL,117 +617147111,2628859,940,7,paCO2,45.0,45,mm Hg,mm Hg,954 +606014384,2628859,75,3,PT,13.8,13.8,sec,sec,115 +605172025,2628859,2320,3,-polys,71.0,71,%,%,2354 +598962542,2628859,5317,1,chloride,105.0,105,mmol/L,MEQ/L,5368 +606969691,2628859,5374,3,-lymphs,15.0,15,%,%,5385 +598164725,2628859,75,1,anion gap,7.0,7,,,117 +604625690,2628859,75,3,RBC,3.26,3.26,M/mcL,MIL/uL,120 +611669244,2628859,5733,4,bedside glucose,192.0,192,mg/dL,mg/dL,5733 +602073940,2628859,2320,1,BUN,12.0,12,mg/dL,mg/dL,2366 +603980256,2628859,5317,1,prealbumin,15.0,15.0,mg/dL,mg/dL,5375 +599538812,2628859,710,1,alkaline phos.,34.0,34,Units/L,IU/L,737 +598164729,2628859,75,1,glucose,105.0,105,mg/dL,mg/dL,117 +598962541,2628859,5317,1,potassium,4.7,4.7,mmol/L,MEQ/L,5368 +606014387,2628859,75,3,PTT,25.0,25,sec,sec,115 +605172026,2628859,2320,3,Hct,24.0,24,%,%,2354 +604625697,2628859,75,3,MCH,29.0,29,pg,pg,120 +600044240,2628859,3830,1,glucose,194.0,194,mg/dL,mg/dL,3866 +598164730,2628859,75,1,chloride,95.0,95,mmol/L,MEQ/L,117 +617147108,2628859,940,7,LPM O2,5.0,5.00,L/min,L/min,954 +611715234,2628859,4281,4,bedside glucose,155.0,155,mg/dL,mg/dL,4281 +607264466,2628859,3830,3,-monos,15.0,15,%,%,3855 +598962553,2628859,5317,1,BUN,13.0,13,mg/dL,mg/dL,5368 +598168922,2628859,-594,1,troponin - I,,<0.01,ng/mL,ng/mL,-536 +598164728,2628859,75,1,calcium,8.6,8.6,mg/dL,mg/dL,117 +604625692,2628859,75,3,Hct,28.0,28,%,%,120 +601149954,2628859,710,1,prealbumin,8.7,8.7,mg/dL,mg/dL,1512 +605172030,2628859,2320,3,WBC x 1000,7.18,7.18,K/mcL,TH/uL,2354 +611101798,2628859,3619,4,bedside glucose,234.0,234,mg/dL,mg/dL,3619 +599538821,2628859,710,1,glucose,97.0,97,mg/dL,mg/dL,737 +598164726,2628859,75,1,sodium,132.0,132,mmol/L,MEQ/L,117 +610480097,2628859,5048,4,bedside glucose,90.0,90,mg/dL,mg/dL,5048 +604580936,2628859,1745,2,Vancomycin - trough,,11,mcg/mL,ug/mL,1796 +602073932,2628859,2320,1,potassium,3.5,3.5,mmol/L,MEQ/L,2366 +611587932,2628859,4629,4,bedside glucose,94.0,94,mg/dL,mg/dL,4629 +611777273,2628859,2511,4,bedside glucose,256.0,256,mg/dL,mg/dL,2511 +611684483,2628859,1754,4,bedside glucose,137.0,137,mg/dL,mg/dL,1754 +598164727,2628859,75,1,bicarbonate,31.0,31,mmol/L,MEQ/L,117 +611575315,2628859,3159,4,bedside glucose,157.0,157,mg/dL,mg/dL,3159 +611363905,2628859,3925,4,bedside glucose,214.0,214,mg/dL,mg/dL,3925 +610631313,2628859,2849,4,bedside glucose,164.0,164,mg/dL,mg/dL,2849 +610718028,2628859,5367,4,bedside glucose,175.0,175,mg/dL,mg/dL,5367 +611440112,2628859,2866,4,bedside glucose,173.0,173,mg/dL,mg/dL,2866 +606505072,2628859,710,3,-polys,70.0,70,%,%,726 +550905712,2303499,695,3,-monos,8.0,8,%,%,695 +550905705,2303499,695,3,Hct,32.9,32.9,%,%,695 +550905706,2303499,695,3,-bands,1.0,1,%,%,695 +550905707,2303499,695,3,MCV,96.9,96.9,fL,fL,695 +550905704,2303499,695,3,RBC,3.39,3.39,M/mcL,M/uL,695 +550905709,2303499,695,3,WBC x 1000,10.9,10.9,K/mcL,K/uL,695 +550905708,2303499,695,3,Hgb,10.6,10.6,g/dL,g/dL,695 +544006579,2303499,695,1,potassium,4.2,4.2,mmol/L,mmol/L,695 +550905703,2303499,695,3,-lymphs,3.0,3,%,%,695 +544006580,2303499,695,1,creatinine,0.56,0.56,mg/dL,mg/dL,695 +550905710,2303499,695,3,RDW,13.6,13.6,%,%,695 +544006587,2303499,695,1,BUN,15.0,15,mg/dL,mg/dL,695 +550905702,2303499,695,3,MPV,7.8,7.8,fL,fL,695 +544006581,2303499,695,1,anion gap,4.0,4,,mmol/L,695 +550905713,2303499,695,3,MCHC,32.3,32.3,g/dL,g/dL,695 +544006586,2303499,695,1,chloride,104.0,104,mmol/L,mmol/L,695 +550905711,2303499,695,3,MCH,31.3,31.3,pg,pg,695 +544006582,2303499,695,1,sodium,143.0,143,mmol/L,mmol/L,695 +549482972,2303499,2216,1,creatinine,0.59,0.59,mg/dL,mg/dL,2216 +544006583,2303499,695,1,bicarbonate,35.0,35,mmol/L,mmol/L,695 +550905714,2303499,695,3,platelets x 1000,241.0,241,K/mcL,K/uL,695 +544006585,2303499,695,1,glucose,132.0,132,mg/dL,mg/dL,695 +566220966,2303499,1538,4,bedside glucose,101.0,101,mg/dL,mg/dL,1538 +564194538,2303499,73,4,bedside glucose,94.0,94,mg/dL,mg/dL,73 +564389042,2303499,1196,4,bedside glucose,161.0,161,mg/dL,mg/dL,1196 +565560563,2303499,472,4,bedside glucose,125.0,125,mg/dL,mg/dL,472 +566243721,2303499,1718,4,bedside glucose,157.0,157,mg/dL,mg/dL,1718 +565973658,2303499,843,4,bedside glucose,92.0,92,mg/dL,mg/dL,843 +544006584,2303499,695,1,calcium,8.5,8.5,mg/dL,mg/dL,695 +566240354,2303499,1912,4,bedside glucose,118.0,118,mg/dL,mg/dL,1912 +69313255,281132,-193,1,potassium,4.2,4.2,mmol/L,mmol/L,-162 +69313257,281132,-193,1,alkaline phos.,63.0,63,Units/L,U/L,-162 +69313268,281132,-193,1,BUN,13.0,13,mg/dL,mg/dL,-162 +69313262,281132,-193,1,bicarbonate,23.0,23,mmol/L,mmol/L,-162 +69313256,281132,-193,1,creatinine,0.4,0.4,mg/dL,mg/dL,-162 +74256301,281132,3844,3,-lymphs,29.0,29,%,%,3875 +76973470,281132,2384,3,WBC x 1000,6.4,6.4,K/mcL,K/cmm,2409 +74256302,281132,3844,3,-monos,21.0,21,%,%,3952 +69313254,281132,-193,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-162 +74256300,281132,3844,3,-polys,46.0,46,%,%,3875 +76973469,281132,2384,3,Hgb,14.4,14.4,g/dL,g/dL,2409 +74256303,281132,3844,3,-eos,4.0,4,%,%,3875 +69313263,281132,-193,1,total protein,7.6,7.6,g/dL,g/dL,-162 +74256298,281132,3844,3,RDW,13.8,13.8,%,%,3875 +76973465,281132,2384,3,Hct,42.8,42.8,%,%,2409 +74256304,281132,3844,3,-basos,0.0,0,%,%,3875 +69313259,281132,-193,1,AST (SGOT),28.0,28,Units/L,U/L,-162 +74256299,281132,3844,3,platelets x 1000,253.0,253,K/mcL,K/cmm,3875 +76973464,281132,2384,3,-polys,55.0,55,%,%,2428 +74256292,281132,3844,3,RBC,4.82,4.82,M/mcL,M/cmm,3875 +69313265,281132,-193,1,ALT (SGPT),25.0,25,Units/L,U/L,-162 +78558766,281132,-193,4,TSH,1.24,1.24,mcU/ml,uIU/mL,50 +76973466,281132,2384,3,-eos,2.0,2,%,%,2428 +74256293,281132,3844,3,Hgb,14.4,14.4,g/dL,g/dL,3875 +69313260,281132,-193,1,sodium,126.0,126,mmol/L,mmol/L,-162 +79053845,281132,-193,4,urinary osmolality,779.0,779,mOsm/L,mOsm/Kg,29 +76973467,281132,2384,3,-bands,3.0,3,%,%,2428 +74256294,281132,3844,3,Hct,42.9,42.9,%,%,3875 +69313266,281132,-193,1,glucose,76.0,76,mg/dL,mg/dL,-162 +78558765,281132,-193,4,serum osmolality,269.0,269,mOsm/kg H2O,mOsm/Kg,29 +76973471,281132,2384,3,RDW,13.9,13.9,%,%,2409 +76284505,281132,1012,3,platelets x 1000,214.0,214,K/mcL,K/cmm,1019 +74256296,281132,3844,3,MCH,29.9,29.9,pg,pg,3875 +69313264,281132,-193,1,calcium,9.4,9.4,mg/dL,mg/dL,-162 +76284504,281132,1012,3,MCHC,33.3,33.3,g/dL,g/dL,1019 +79053844,281132,-193,4,urinary sodium,180.0,180,mmol/L,mmol/L,42 +76973468,281132,2384,3,MCV,88.4,88.4,fL,fL,2409 +76284501,281132,1012,3,RDW,13.7,13.7,%,%,1019 +74256295,281132,3844,3,MCV,89.0,89.0,fL,fL,3875 +70297726,281132,-193,1,cortisol,20.9,20.9,mcg/dL,mcg/dL,-154 +76284502,281132,1012,3,MCH,29.5,29.5,pg,pg,1019 +78558764,281132,-193,4,T4,9.2,9.2,mcg/dL,ug/dL,50 +76973462,281132,2384,3,-lymphs,20.0,20,%,%,2428 +76284498,281132,1012,3,MCV,88.7,88.7,fL,fL,1019 +74256297,281132,3844,3,MCHC,33.6,33.6,g/dL,g/dL,3875 +69313261,281132,-193,1,albumin,3.7,3.7,g/dL,g/dL,-162 +76284499,281132,1012,3,Hgb,14.6,14.6,g/dL,g/dL,1019 +78854849,281132,-165,4,urinary specific gravity,1.02,1.020,,,-140 +76973473,281132,2384,3,-monos,20.0,20,%,%,2428 +73048149,281132,1012,1,anion gap,11.0,11,,mmol/L,1057 +76284500,281132,1012,3,WBC x 1000,7.3,7.3,K/mcL,K/cmm,1019 +73048150,281132,1012,1,sodium,126.0,126,mmol/L,mmol/L,1057 +69371651,281132,270,1,sodium,122.0,122,mmol/L,mmol/L,289 +77105996,281132,-193,3,MCH,30.0,30.0,pg,pg,-187 +70297727,281132,-193,1,lactate,1.2,1.2,mmol/L,mmol/L,-159 +73048148,281132,1012,1,creatinine,0.4,0.4,mg/dL,mg/dL,1056 +76284503,281132,1012,3,-monos,23.0,23,%,%,1076 +77105995,281132,-193,3,RDW,13.5,13.5,%,%,-187 +70968768,281132,87,1,sodium,128.0,128,mmol/L,mmol/L,104 +73048151,281132,1012,1,bicarbonate,25.0,25,mmol/L,mmol/L,1053 +70909538,281132,3844,1,creatinine,0.4,0.4,mg/dL,mg/dL,3889 +77105993,281132,-193,3,Hgb,15.1,15.1,g/dL,g/dL,-187 +76284493,281132,1012,3,RBC,4.95,4.95,M/mcL,M/cmm,1019 +73048147,281132,1012,1,potassium,4.1,4.1,mmol/L,mmol/L,1057 +72257812,281132,598,1,sodium,121.0,121,mmol/L,mmol/L,614 +77105994,281132,-193,3,WBC x 1000,7.4,7.4,K/mcL,K/cmm,-187 +76973472,281132,2384,3,MCH,29.8,29.8,pg,pg,2409 +73048155,281132,1012,1,BUN,10.0,10,mg/dL,mg/dL,1050 +76284492,281132,1012,3,-lymphs,14.0,14,%,%,1076 +77105997,281132,-193,3,-monos,18.0,18,%,%,-160 +74256291,281132,3844,3,WBC x 1000,4.8,4.8,K/mcL,K/cmm,3875 +73048154,281132,1012,1,chloride,90.0,90,mmol/L,mmol/L,1057 +70909537,281132,3844,1,BUN,13.0,13,mg/dL,mg/dL,3889 +77105990,281132,-193,3,-eos,2.0,2,%,%,-160 +76284494,281132,1012,3,-polys,51.0,51,%,%,1076 +73048153,281132,1012,1,glucose,90.0,90,mg/dL,mg/dL,1057 +77179997,281132,1012,3,PT - INR,2.0,2.0,ratio,,1035 +73882725,281132,3844,3,PT,20.7,20.7,sec,Sec,3885 +69313258,281132,-193,1,anion gap,12.0,12,,mmol/L,-162 +77105991,281132,-193,3,-bands,8.0,8,%,%,-160 +76284495,281132,1012,3,Hct,43.9,43.9,%,%,1019 +73048152,281132,1012,1,calcium,8.1,8.1,mg/dL,mg/dL,1051 +76901164,281132,5311,3,PT,20.4,20.4,sec,Sec,5405 +73882726,281132,3844,3,PT - INR,1.8,1.8,ratio,,3885 +70909536,281132,3844,1,glucose,85.0,85,mg/dL,mg/dL,3889 +77105989,281132,-193,3,Hct,44.8,44.8,%,%,-187 +76284496,281132,1012,3,-eos,1.0,1,%,%,1076 +72638489,281132,5311,1,creatinine,0.4,0.4,mg/dL,mg/dL,5435 +70988199,281132,2998,1,sodium,128.0,128,mmol/L,mmol/L,3034 +77105988,281132,-193,3,-polys,67.0,67,%,%,-160 +76973463,281132,2384,3,RBC,4.84,4.84,M/mcL,M/cmm,2409 +72638488,281132,5311,1,BUN,17.0,17,mg/dL,mg/dL,5435 +81030087,281132,429,7,FiO2,21.0,21,%,%,430 +77105987,281132,-193,3,RBC,5.03,5.03,M/mcL,M/cmm,-187 +76901165,281132,5311,3,PT - INR,1.8,1.8,ratio,,5405 +72638487,281132,5311,1,glucose,82.0,82,mg/dL,mg/dL,5435 +70909534,281132,3844,1,anion gap,9.0,9,,mmol/L,3889 +77105992,281132,-193,3,MCV,89.1,89.1,fL,fL,-187 +76284497,281132,1012,3,-bands,11.0,11,%,%,1076 +72638481,281132,5311,1,sodium,137.0,137,mmol/L,mmol/L,5435 +77179996,281132,1012,3,PT,22.7,22.7,sec,Sec,1035 +74576881,281132,-193,3,PT,24.4,24.4,sec,Sec,-109 +70297724,281132,-193,1,magnesium,2.1,2.1,mg/dL,mg/dL,-155 +72638482,281132,5311,1,potassium,4.0,4.0,mmol/L,mmol/L,5435 +69115925,281132,2384,1,potassium,3.9,3.9,mmol/L,mmol/L,2423 +69348652,281132,1404,1,creatinine,0.6,0.6,mg/dL,mg/dL,1429 +70909535,281132,3844,1,calcium,9.0,9.0,mg/dL,mg/dL,3889 +77105986,281132,-193,3,-lymphs,5.0,5,%,%,-160 +69115930,281132,2384,1,calcium,8.8,8.8,mg/dL,mg/dL,2423 +69348655,281132,1404,1,bicarbonate,27.0,27,mmol/L,mmol/L,1429 +76973474,281132,2384,3,MCHC,33.6,33.6,g/dL,g/dL,2409 +72638483,281132,5311,1,chloride,97.0,97,mmol/L,mmol/L,5435 +69115931,281132,2384,1,glucose,91.0,91,mg/dL,mg/dL,2423 +69348651,281132,1404,1,potassium,3.5,3.5,mmol/L,mmol/L,1429 +70909533,281132,3844,1,bicarbonate,31.0,31,mmol/L,mmol/L,3889 +74576882,281132,-193,3,PT - INR,2.3,2.3,ratio,,-109 +69115933,281132,2384,1,BUN,15.0,15,mg/dL,mg/dL,2423 +69348653,281132,1404,1,anion gap,10.0,10,,mmol/L,1429 +69313267,281132,-193,1,chloride,91.0,91,mmol/L,mmol/L,-162 +72638484,281132,5311,1,bicarbonate,30.0,30,mmol/L,mmol/L,5435 +69115932,281132,2384,1,chloride,89.0,89,mmol/L,mmol/L,2423 +69348654,281132,1404,1,sodium,125.0,125,mmol/L,mmol/L,1429 +70909530,281132,3844,1,sodium,133.0,133,mmol/L,mmol/L,3889 +77105998,281132,-193,3,MCHC,33.7,33.7,g/dL,g/dL,-187 +69115926,281132,2384,1,creatinine,0.5,0.5,mg/dL,mg/dL,2423 +69348656,281132,1404,1,calcium,8.3,8.3,mg/dL,mg/dL,1429 +76973475,281132,2384,3,platelets x 1000,213.0,213,K/mcL,K/cmm,2409 +72638485,281132,5311,1,anion gap,10.0,10,,mmol/L,5435 +69115927,281132,2384,1,anion gap,8.0,8,,mmol/L,2423 +69348659,281132,1404,1,BUN,12.0,12,mg/dL,mg/dL,1429 +70909531,281132,3844,1,potassium,3.6,3.6,mmol/L,mmol/L,3889 +73291193,281132,-193,2,Digoxin,0.8,0.8,ng/mL,ng/mL,58 +69115929,281132,2384,1,bicarbonate,30.0,30,mmol/L,mmol/L,2423 +69348658,281132,1404,1,chloride,88.0,88,mmol/L,mmol/L,1429 +70297725,281132,-193,1,ionized calcium,4.44,1.11,mg/dL,mmol/L,-186 +72638486,281132,5311,1,calcium,9.4,9.4,mg/dL,mg/dL,5435 +68917541,281132,772,1,sodium,123.0,123,mmol/L,mmol/L,796 +71273272,281132,1857,1,sodium,125.0,125,mmol/L,mmol/L,1878 +70909532,281132,3844,1,chloride,93.0,93,mmol/L,mmol/L,3889 +77105999,281132,-193,3,platelets x 1000,228.0,228,K/mcL,K/cmm,-187 +69115928,281132,2384,1,sodium,127.0,127,mmol/L,mmol/L,2423 +78059230,281132,1093,4,urinary osmolality,312.0,312,mOsm/L,mOsm/Kg,1124 +69348657,281132,1404,1,glucose,100.0,100,mg/dL,mg/dL,1429 +81209901,281132,1932,7,FiO2,21.0,21,%,%,1932 +78059229,281132,1093,4,urinary sodium,124.0,124,mmol/L,mmol/L,1131 +184542342,608373,819,3,RBC,4.15,4.15,M/mcL,M/MM3,845 +184542341,608373,819,3,MPV,11.0,11.0,fL,fL,845 +184542343,608373,819,3,Hct,34.8,34.8,%,%,845 +184542350,608373,819,3,platelets x 1000,295.0,295,K/mcL,K/MM3,845 +184542347,608373,819,3,RDW,14.7,14.7,%,%,845 +184542349,608373,819,3,MCHC,32.2,32.2,g/dL,g/dL,845 +184542346,608373,819,3,WBC x 1000,13.3,13.3,K/mcL,K/MM3,845 +162930717,608373,2636,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,2673 +184542348,608373,819,3,MCH,27.0,27.0,pg,pg,845 +162930729,608373,2636,1,glucose,90.0,90,mg/dL,mg/dL,2673 +184542344,608373,819,3,MCV,84.0,84,fL,fL,845 +162930730,608373,2636,1,chloride,97.0,97,mmol/L,mmol/L,2673 +184542345,608373,819,3,Hgb,11.2,11.2,g/dL,g/dL,845 +162930731,608373,2636,1,BUN,11.0,11,mg/dL,mg/dL,2673 +191399187,608373,1132,4,bedside glucose,96.0,96,mg/dL,mg/dL,1132 +162930727,608373,2636,1,calcium,8.1,8.1,mg/dL,mg/dL,2673 +143490642,608373,2636,1,magnesium,1.3,1.3,mg/dL,mg/dL,2673 +156644458,608373,3131,1,magnesium,2.1,2.1,mg/dL,mg/dL,3167 +162930728,608373,2636,1,ALT (SGPT),46.0,46,Units/L,IU/L,2673 +191463622,608373,292,4,bedside glucose,115.0,115,mg/dL,mg/dL,292 +162930726,608373,2636,1,total protein,6.2,6.2,g/dL,g/dL,2673 +185273887,608373,2636,3,Hct,37.8,37.8,%,%,2651 +162930720,608373,2636,1,alkaline phos.,68.0,68,Units/L,IU/L,2673 +185273888,608373,2636,3,MCV,81.0,81,fL,fL,2651 +162930724,608373,2636,1,albumin,2.2,2.2,g/dL,g/dL,2673 +185273886,608373,2636,3,RBC,4.67,4.67,M/mcL,M/MM3,2651 +162930718,608373,2636,1,potassium,3.5,3.5,mmol/L,mmol/L,2673 +185273891,608373,2636,3,RDW,14.6,14.6,%,%,2651 +162930721,608373,2636,1,anion gap,7.0,7,,,2673 +185273892,608373,2636,3,MCH,28.1,28.1,pg,pg,2651 +162930722,608373,2636,1,AST (SGOT),44.0,44,Units/L,IU/L,2673 +185273893,608373,2636,3,MCHC,34.7,34.7,g/dL,g/dL,2651 +162930723,608373,2636,1,sodium,133.0,133,mmol/L,mmol/L,2673 +185273890,608373,2636,3,WBC x 1000,14.5,14.5,K/mcL,K/MM3,2651 +162930719,608373,2636,1,creatinine,0.54,0.54,mg/dL,mg/dL,2673 +185273889,608373,2636,3,Hgb,13.1,13.1,g/dL,g/dL,2651 +162930725,608373,2636,1,bicarbonate,29.0,29,mmol/L,mmol/L,2673 +185273894,608373,2636,3,platelets x 1000,350.0,350,K/mcL,K/MM3,2651 +165407556,608373,3131,1,potassium,3.7,3.7,mmol/L,mmol/L,3167 +190818064,608373,823,4,bedside glucose,103.0,103,mg/dL,mg/dL,823 +188087911,608373,2572,4,bedside glucose,89.0,89,mg/dL,mg/dL,2572 +185273885,608373,2636,3,MPV,10.0,10.0,fL,fL,2651 +646169105,2866326,-391,1,creatinine,9.65,9.65,mg/dL,mg/dL,-353 +646169104,2866326,-391,1,potassium,4.2,4.2,mmol/L,mmol/L,-353 +646169107,2866326,-391,1,sodium,138.0,138,mmol/L,mmol/L,-353 +646169108,2866326,-391,1,bicarbonate,24.0,24,mmol/L,mmol/L,-353 +660616220,2866326,-391,3,Hgb,9.9,9.9,g/dL,g/dL,-354 +646169112,2866326,-391,1,BUN,47.0,47,mg/dL,mg/dL,-353 +660616221,2866326,-391,3,WBC x 1000,13.0,13.0,K/mcL,K/uL,-354 +646169106,2866326,-391,1,anion gap,17.0,17,,mmol/L,-353 +660616222,2866326,-391,3,RDW,19.9,19.9,%,%,-354 +646169111,2866326,-391,1,chloride,97.0,97,mmol/L,mmol/L,-353 +660616223,2866326,-391,3,MCH,25.0,25.0,pg,pg,-354 +658139582,2866326,-46,3,MCH,24.9,24.9,pg,pg,-42 +646169109,2866326,-391,1,calcium,8.2,8.2,mg/dL,mg/dL,-353 +658139583,2866326,-46,3,MCHC,31.3,31.3,g/dL,g/dL,-42 +660616219,2866326,-391,3,MCV,80.0,80,fL,fL,-354 +658139578,2866326,-46,3,MCV,80.0,80,fL,fL,-42 +674253336,2866326,655,4,bedside glucose,199.0,199,mg/dL,mg/dL,673 +658139579,2866326,-46,3,Hgb,9.0,9.0,g/dL,g/dL,-42 +660616217,2866326,-391,3,RBC,3.96,3.96,M/mcL,M/uL,-354 +658139577,2866326,-46,3,Hct,28.8,28.8,%,%,-42 +646169110,2866326,-391,1,glucose,269.0,269,mg/dL,mg/dL,-353 +658139580,2866326,-46,3,WBC x 1000,12.6,12.6,K/mcL,K/uL,-42 +660616225,2866326,-391,3,platelets x 1000,242.0,242,K/mcL,K/uL,-354 +658139581,2866326,-46,3,RDW,19.8,19.8,%,%,-42 +671969805,2866326,1733,4,bedside glucose,304.0,304,mg/dL,mg/dL,1813 +658139584,2866326,-46,3,platelets x 1000,207.0,207,K/mcL,K/uL,-42 +660616218,2866326,-391,3,Hct,31.7,31.7,%,%,-354 +673273014,2866326,956,4,bedside glucose,206.0,206,mg/dL,mg/dL,963 +674048171,2866326,-194,4,bedside glucose,261.0,261,mg/dL,mg/dL,-192 +674023581,2866326,2084,4,bedside glucose,154.0,154,mg/dL,mg/dL,2124 +658139576,2866326,-46,3,RBC,3.61,3.61,M/mcL,M/uL,-42 +671477937,2866326,152,4,bedside glucose,368.0,368,mg/dL,mg/dL,154 +660616224,2866326,-391,3,MCHC,31.2,31.2,g/dL,g/dL,-354 +671745860,2866326,432,4,bedside glucose,284.0,284,mg/dL,mg/dL,437 +672839694,2866326,1228,4,bedside glucose,275.0,275,mg/dL,mg/dL,1239 +798085479,3244585,429,3,platelets x 1000,160.0,160.0,K/mcL,k/uL,465 +798085478,3244585,429,3,MCHC,33.3,33.3,g/dL,g/dL,465 +798108965,3244585,429,3,RDW,15.5,15.5,%,%,465 +798085477,3244585,429,3,-monos,15.9,15.9,%,%,465 +798108964,3244585,429,3,WBC x 1000,5.7,5.7,K/mcL,k/uL,465 +798108962,3244585,429,3,MCV,92.6,92.6,fL,fL,465 +798108963,3244585,429,3,Hgb,9.8,9.8,g/dL,g/dL,465 +798103421,3244585,-455,3,WBC x 1000,4.3,4.3,K/mcL,k/uL,1 +798108961,3244585,429,3,-eos,3.6,3.6,%,%,465 +798108960,3244585,429,3,Hct,29.5,29.5,%,%,465 +798103422,3244585,-455,3,RDW,15.5,15.5,%,%,1 +798085476,3244585,429,3,MCH,30.9,30.9,pg,pg,465 +798103414,3244585,-455,3,Hct,33.4,33.4,%,%,1 +798103415,3244585,-455,3,PT,11.8,11.8,sec,sec,1 +798103416,3244585,-455,3,-eos,5.4,5.4,%,%,1 +798103413,3244585,-455,3,-polys,59.3,59.3,%,%,1 +798103412,3244585,-455,3,-basos,1.0,1.0,%,%,1 +798103417,3244585,-455,3,PT - INR,1.0,1.0,ratio,,1 +798103410,3244585,-455,3,-lymphs,18.2,18.2,%,%,1 +798103418,3244585,-455,3,MCV,95.1,95.1,fL,fL,1 +798103420,3244585,-455,3,Hgb,10.9,10.9,g/dL,g/dL,1 +798103419,3244585,-455,3,PTT,27.3,27.3,sec,sec,1 +798103423,3244585,-455,3,MCH,30.9,30.9,pg,pg,1 +790519055,3244585,29,1,CPK,251.0,251,Units/L,IU/L,86 +798103409,3244585,-455,3,MPV,9.0,9.0,fL,fl,1 +791658023,3244585,1984,1,phosphate,3.1,3.1,mg/dL,mg/dL,2083 +790519056,3244585,29,1,troponin - I,0.01,0.01,ng/mL,ng/mL,94 +791658024,3244585,1984,1,magnesium,1.7,1.7,mg/dL,mg/dL,2083 +798109690,3244585,-455,3,platelets x 1000,168.0,168.0,K/mcL,k/uL,1 +797994258,3244585,4012,3,MCHC,32.5,32.5,g/dL,g/dL,4016 +790519057,3244585,29,1,CPK-MB,3.4,3.4,ng/mL,ng/mL,86 +791658017,3244585,1984,1,bicarbonate,26.0,26,mmol/L,mmol/L,2083 +798108955,3244585,429,3,MPV,8.9,8.9,fL,fl,465 +797994259,3244585,4012,3,RDW,15.6,15.6,%,%,4016 +798975720,3244585,-455,4,prolactin,48.78,48.78,ng/mL,ng/ml,1 +791658019,3244585,1984,1,glucose,83.0,83,mg/dL,mg/dL,2083 +798109688,3244585,-455,3,-monos,16.1,16.1,%,%,1 +797994265,3244585,4012,3,-eos,2.4,2.4,%,%,4016 +793091036,3244585,862,1,CPK-MB,2.2,2.2,ng/mL,ng/mL,936 +791658018,3244585,1984,1,anion gap,10.0,10,,,2083 +798108957,3244585,429,3,RBC,3.18,3.18,M/mcL,m/uL,465 +797994262,3244585,4012,3,-polys,78.2,78.2,%,%,4016 +798975721,3244585,-455,4,urinary specific gravity,1.017,1.017,,,1 +791658016,3244585,1984,1,chloride,103.0,103,mmol/L,mmol/L,2083 +798108956,3244585,429,3,-lymphs,20.8,20.8,%,%,465 +797994264,3244585,4012,3,-monos,7.5,7.5,%,%,4016 +790791243,3244585,-455,1,bicarbonate,25.0,25,mmol/L,mmol/L,1 +793091035,3244585,862,1,troponin - I,0.01,0.01,ng/mL,ng/mL,943 +790791244,3244585,-455,1,total protein,6.9,6.9,g/dL,g/dL,1 +791658015,3244585,1984,1,potassium,3.6,3.6,mmol/L,mmol/L,2083 +790791245,3244585,-455,1,calcium,9.1,9.1,mg/dL,mg/dL,1 +798109689,3244585,-455,3,MCHC,32.5,32.5,g/dL,g/dL,1 +790791246,3244585,-455,1,ALT (SGPT),9.0,9,Units/L,IU/L,1 +797994263,3244585,4012,3,-lymphs,11.0,11.0,%,%,4016 +790791248,3244585,-455,1,chloride,106.0,106,mmol/L,mmol/L,1 +799194334,3244585,438,4,bedside glucose,77.0,77,mg/dL,mg/dl,445 +792434590,3244585,3687,1,calcium,9.0,9.0,mg/dL,mg/dL,3729 +790791247,3244585,-455,1,glucose,115.0,115,mg/dL,mg/dL,1 +791658020,3244585,1984,1,BUN,8.0,8,mg/dL,mg/dL,2083 +792434591,3244585,3687,1,magnesium,1.7,1.7,mg/dL,mg/dL,3729 +790791240,3244585,-455,1,AST (SGOT),25.0,25,Units/L,IU/L,1 +798108958,3244585,429,3,-basos,0.6,0.6,%,%,465 +792434588,3244585,3687,1,BUN,11.0,11,mg/dL,mg/dL,3729 +790791239,3244585,-455,1,anion gap,14.0,14,,,1 +797994261,3244585,4012,3,MPV,8.8,8.8,fL,fl,4016 +792434589,3244585,3687,1,creatinine,1.47,1.47,mg/dL,mg/dL,3729 +790791241,3244585,-455,1,sodium,141.0,141,mmol/L,mmol/L,1 +799735213,3244585,875,4,bedside glucose,76.0,76,mg/dL,mg/dl,892 +792434586,3244585,3687,1,anion gap,13.0,13,,,3729 +790791249,3244585,-455,1,BUN,10.0,10,mg/dL,mg/dL,1 +791658021,3244585,1984,1,creatinine,1.15,1.15,mg/dL,mg/dL,2083 +792434587,3244585,3687,1,glucose,89.0,89,mg/dL,mg/dL,3729 +790791242,3244585,-455,1,albumin,3.3,3.3,g/dL,g/dL,1 +798108959,3244585,429,3,-polys,59.1,59.1,%,%,465 +792434585,3244585,3687,1,bicarbonate,25.0,25,mmol/L,mmol/L,3729 +790791237,3244585,-455,1,creatinine,1.52,1.52,mg/dL,mg/dL,1 +795559369,3244585,1984,3,WBC x 1000,6.7,6.7,K/mcL,k/uL,2070 +797994266,3244585,4012,3,-basos,0.9,0.9,%,%,4016 +795559378,3244585,1984,3,MPV,9.0,9.0,fL,fl,2070 +792434583,3244585,3687,1,potassium,3.7,3.7,mmol/L,mmol/L,3729 +795559379,3244585,1984,3,-polys,65.9,65.9,%,%,2070 +790791238,3244585,-455,1,alkaline phos.,48.0,48,Units/L,IU/L,1 +795559377,3244585,1984,3,platelets x 1000,166.0,166.0,K/mcL,k/uL,2070 +793091034,3244585,862,1,CPK,215.0,215,Units/L,IU/L,936 +793112574,3244585,429,1,potassium,3.2,3.2,mmol/L,mmol/L,504 +795559376,3244585,1984,3,RDW,15.4,15.4,%,%,2070 +792434584,3244585,3687,1,chloride,105.0,105,mmol/L,mmol/L,3729 +793112575,3244585,429,1,creatinine,1.19,1.19,mg/dL,mg/dL,504 +795559373,3244585,1984,3,MCV,93.8,93.8,fL,fL,2070 +790547545,3244585,429,1,troponin - I,0.01,0.01,ng/mL,ng/mL,520 +793112576,3244585,429,1,anion gap,10.0,10,,,504 +795559374,3244585,1984,3,MCH,31.1,31.1,pg,pg,2070 +791658014,3244585,1984,1,sodium,135.0,135,mmol/L,mmol/L,2083 +793112583,3244585,429,1,chloride,104.0,104,mmol/L,mmol/L,504 +795559370,3244585,1984,3,RBC,3.28,3.28,M/mcL,m/uL,2070 +792434582,3244585,3687,1,sodium,139.0,139,mmol/L,mmol/L,3729 +793112582,3244585,429,1,glucose,72.0,72,mg/dL,mg/dL,504 +797973061,3244585,1984,3,-lymphs,13.6,13.6,%,%,2070 +790547546,3244585,429,1,CPK-MB,2.6,2.6,ng/mL,ng/mL,518 +793112584,3244585,429,1,BUN,10.0,10,mg/dL,mg/dL,504 +795559371,3244585,1984,3,Hgb,10.2,10.2,g/dL,g/dL,2070 +799435170,3244585,-545,4,bedside glucose,122.0,122,mg/dL,mg/dl,-538 +793112581,3244585,429,1,phosphate,2.9,2.9,mg/dL,mg/dL,504 +797973064,3244585,1984,3,-basos,0.8,0.8,%,%,2070 +798869108,3244585,-85,4,TSH,0.52,0.52,mcU/ml,uIU/ml,-38 +793112577,3244585,429,1,sodium,138.0,138,mmol/L,mmol/L,504 +795559375,3244585,1984,3,MCHC,33.2,33.2,g/dL,g/dL,2070 +790547544,3244585,429,1,CPK,228.0,228,Units/L,IU/L,518 +793112579,3244585,429,1,bicarbonate,27.0,27,mmol/L,mmol/L,504 +797973062,3244585,1984,3,-monos,15.4,15.4,%,%,2070 +797994260,3244585,4012,3,platelets x 1000,174.0,174.0,K/mcL,k/uL,4016 +793112580,3244585,429,1,calcium,8.8,8.8,mg/dL,mg/dL,504 +795559372,3244585,1984,3,Hct,30.8,30.8,%,%,2070 +792434581,3244585,3687,1,phosphate,3.4,3.4,mg/dL,mg/dL,3729 +793112578,3244585,429,1,magnesium,1.9,1.9,mg/dL,mg/dL,504 +797973063,3244585,1984,3,-eos,4.3,4.3,%,%,2070 +790791235,3244585,-455,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,1 +795957276,3244585,4012,3,Hct,32.6,32.6,%,%,4016 +798103411,3244585,-455,3,RBC,3.52,3.52,M/mcL,m/uL,1 +795957275,3244585,4012,3,Hgb,10.6,10.6,g/dL,g/dL,4016 +798740378,3244585,34,4,bedside glucose,78.0,78,mg/dL,mg/dl,52 +795957278,3244585,4012,3,MCH,30.6,30.6,pg,pg,4016 +791061190,3244585,4870,1,potassium,3.9,3.9,mmol/L,mmol/L,4933 +795957274,3244585,4012,3,RBC,3.46,3.46,M/mcL,m/uL,4016 +791658022,3244585,1984,1,calcium,8.8,8.8,mg/dL,mg/dL,2083 +795957273,3244585,4012,3,WBC x 1000,6.0,6.0,K/mcL,k/uL,4016 +799563276,3244585,1570,4,urinary specific gravity,1.014,1.014,,,1597 +798615933,3244585,2264,4,bedside glucose,98.0,98,mg/dL,mg/dl,2274 +790791236,3244585,-455,1,potassium,4.4,4.4,mmol/L,mmol/L,1 +795957277,3244585,4012,3,MCV,94.3,94.3,fL,fL,4016 +551870102,2462225,-520,3,RDW,13.1,13.1,%,%,-520 +556553629,2462225,6162,3,MCV,97.9,97.9,fL,fL,6162 +551870103,2462225,-520,3,MCH,32.7,32.7,pg,pg,-520 +556553639,2462225,6162,3,-basos,0.0,0,%,%,6162 +551870106,2462225,-520,3,platelets x 1000,272.0,272,K/mcL,K/uL,-520 +556553627,2462225,6162,3,Hgb,12.4,12.4,g/dL,g/dL,6162 +551870105,2462225,-520,3,MCHC,32.7,32.7,g/dL,g/dL,-520 +556553625,2462225,6162,3,WBC x 1000,9.7,9.7,K/mcL,K/uL,6162 +551870104,2462225,-520,3,-monos,7.0,7,%,%,-520 +556553630,2462225,6162,3,MCH,32.1,32.1,pg,pg,6162 +551870099,2462225,-520,3,MCV,100.0,100.0,fL,fL,-520 +556553628,2462225,6162,3,Hct,37.8,37.8,%,%,6162 +551870098,2462225,-520,3,-eos,2.0,2,%,%,-520 +559520206,2462225,3337,3,-polys,77.0,77,%,%,3337 +556553634,2462225,6162,3,MPV,9.7,9.7,fL,fL,6162 +560637743,2462225,382,3,MPV,9.8,9.8,fL,fL,382 +551870100,2462225,-520,3,Hgb,12.0,12.0,g/dL,g/dL,-520 +559520203,2462225,3337,3,RDW,12.9,12.9,%,%,3337 +556553626,2462225,6162,3,RBC,3.86,3.86,M/mcL,M/uL,6162 +560637744,2462225,382,3,-lymphs,9.0,9,%,%,382 +551870096,2462225,-520,3,-polys,75.0,75,%,%,-520 +559520204,2462225,3337,3,platelets x 1000,305.0,305,K/mcL,K/uL,3337 +556553637,2462225,6162,3,-monos,8.0,8,%,%,6162 +560637745,2462225,382,3,RBC,3.68,3.68,M/mcL,M/uL,382 +551870097,2462225,-520,3,Hct,36.7,36.7,%,%,-520 +559520205,2462225,3337,3,MPV,9.9,9.9,fL,fL,3337 +551870095,2462225,-520,3,-basos,1.0,1,%,%,-520 +559520207,2462225,3337,3,-lymphs,15.0,15,%,%,3337 +556553638,2462225,6162,3,-eos,1.0,1,%,%,6162 +560637755,2462225,382,3,-monos,1.0,1,%,%,382 +551870101,2462225,-520,3,WBC x 1000,6.5,6.5,K/mcL,K/uL,-520 +559520202,2462225,3337,3,MCHC,32.5,32.5,g/dL,g/dL,3337 +556553636,2462225,6162,3,-lymphs,24.0,24,%,%,6162 +560637754,2462225,382,3,MCH,32.6,32.6,pg,pg,382 +557281486,2462225,4743,3,-lymphs,30.0,30,%,%,4743 +542894976,2462225,-520,1,ALT (SGPT),17.0,17,Units/L,U/L,-520 +557281484,2462225,4743,3,MPV,9.5,9.5,fL,fL,4743 +551870092,2462225,-520,3,MPV,9.9,9.9,fL,fL,-520 +557281485,2462225,4743,3,-polys,60.0,60,%,%,4743 +559520208,2462225,3337,3,-monos,7.0,7,%,%,3337 +557281487,2462225,4743,3,-monos,9.0,9,%,%,4743 +542894970,2462225,-520,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-520 +557281480,2462225,4743,3,MCH,32.4,32.4,pg,pg,4743 +556553631,2462225,6162,3,MCHC,32.8,32.8,g/dL,g/dL,6162 +557281481,2462225,4743,3,MCHC,32.6,32.6,g/dL,g/dL,4743 +560637752,2462225,382,3,WBC x 1000,4.5,4.5,K/mcL,K/uL,382 +539305403,2462225,4743,1,chloride,98.0,98,mmol/L,mmol/L,4743 +542894971,2462225,-520,1,alkaline phos.,57.0,57,Units/L,U/L,-520 +557281482,2462225,4743,3,RDW,13.2,13.2,%,%,4743 +551870093,2462225,-520,3,-lymphs,16.0,16,%,%,-520 +539305405,2462225,4743,1,calcium,9.0,9.0,mg/dL,mg/dL,4743 +559520201,2462225,3337,3,MCH,32.2,32.2,pg,pg,3337 +557281483,2462225,4743,3,platelets x 1000,277.0,277,K/mcL,K/uL,4743 +542894972,2462225,-520,1,AST (SGOT),28.0,28,Units/L,U/L,-520 +539305409,2462225,4743,1,anion gap,14.0,14,,mmol/L,4743 +556553632,2462225,6162,3,RDW,12.7,12.7,%,%,6162 +557281488,2462225,4743,3,-eos,1.0,1,%,%,4743 +560637753,2462225,382,3,RDW,12.7,12.7,%,%,382 +539305406,2462225,4743,1,BUN,25.0,25,mg/dL,mg/dL,4743 +542894973,2462225,-520,1,albumin,4.3,4.3,g/dL,g/dL,-520 +557281478,2462225,4743,3,Hct,38.0,38.0,%,%,4743 +583348410,2462225,-513,7,FiO2,100.0,100.0,%,%,-513 +541855969,2462225,382,1,sodium,140.0,140,mmol/L,mmol/L,382 +559520209,2462225,3337,3,-eos,0.0,0,%,%,3337 +539305408,2462225,4743,1,glucose,96.0,96,mg/dL,mg/dL,4743 +542894975,2462225,-520,1,direct bilirubin,,<0.2,mg/dL,mg/dL,-520 +541855970,2462225,382,1,magnesium,1.9,1.9,mg/dL,mg/dL,382 +551870094,2462225,-520,3,RBC,3.67,3.67,M/mcL,M/uL,-520 +557281479,2462225,4743,3,MCV,99.2,99.2,fL,fL,4743 +560637756,2462225,382,3,MCHC,33.1,33.1,g/dL,g/dL,382 +541855966,2462225,382,1,potassium,4.3,4.3,mmol/L,mmol/L,382 +542894974,2462225,-520,1,total protein,7.4,7.4,g/dL,g/dL,-520 +539305404,2462225,4743,1,bicarbonate,27.0,27,mmol/L,mmol/L,4743 +556553633,2462225,6162,3,platelets x 1000,292.0,292,K/mcL,K/uL,6162 +541855967,2462225,382,1,creatinine,0.68,0.68,mg/dL,mg/dL,382 +559520198,2462225,3337,3,Hgb,11.5,11.5,g/dL,g/dL,3337 +557281475,2462225,4743,3,WBC x 1000,8.4,8.4,K/mcL,K/uL,4743 +543438357,2462225,3337,1,anion gap,16.0,16,,mmol/L,3337 +541855971,2462225,382,1,bicarbonate,25.0,25,mmol/L,mmol/L,382 +560637757,2462225,382,3,platelets x 1000,271.0,271,K/mcL,K/uL,382 +556401376,2462225,1802,3,-lymphs,4.0,4,%,%,1802 +543438356,2462225,3337,1,glucose,109.0,109,mg/dL,mg/dL,3337 +539305402,2462225,4743,1,potassium,3.5,3.5,mmol/L,mmol/L,4743 +559520199,2462225,3337,3,Hct,35.4,35.4,%,%,3337 +556401377,2462225,1802,3,RBC,3.48,3.48,M/mcL,M/uL,1802 +543438353,2462225,3337,1,calcium,9.4,9.4,mg/dL,mg/dL,3337 +549460746,2462225,1802,1,potassium,3.8,3.8,mmol/L,mmol/L,1802 +541855968,2462225,382,1,anion gap,15.0,15,,mmol/L,382 +560637747,2462225,382,3,-polys,90.0,90,%,%,382 +549758963,2462225,6162,1,calcium,9.1,9.1,mg/dL,mg/dL,6162 +556401375,2462225,1802,3,MPV,10.6,10.6,fL,fL,1802 +543438355,2462225,3337,1,creatinine,0.71,0.71,mg/dL,mg/dL,3337 +549460750,2462225,1802,1,bicarbonate,26.0,26,mmol/L,mmol/L,1802 +557281489,2462225,4743,3,-basos,0.0,0,%,%,4743 +559520197,2462225,3337,3,RBC,3.57,3.57,M/mcL,M/uL,3337 +549758964,2462225,6162,1,BUN,27.0,27,mg/dL,mg/dL,6162 +556401378,2462225,1802,3,-basos,0.0,0,%,%,1802 +543438354,2462225,3337,1,BUN,24.0,24,mg/dL,mg/dL,3337 +549460751,2462225,1802,1,calcium,9.2,9.2,mg/dL,mg/dL,1802 +541855974,2462225,382,1,chloride,100.0,100,mmol/L,mmol/L,382 +560637748,2462225,382,3,Hct,36.3,36.3,%,%,382 +549758965,2462225,6162,1,creatinine,0.65,0.65,mg/dL,mg/dL,6162 +556401379,2462225,1802,3,-polys,93.0,93,%,%,1802 +543438350,2462225,3337,1,potassium,4.2,4.2,mmol/L,mmol/L,3337 +549460749,2462225,1802,1,sodium,140.0,140,mmol/L,mmol/L,1802 +539305401,2462225,4743,1,sodium,139.0,139,mmol/L,mmol/L,4743 +559520210,2462225,3337,3,-basos,0.0,0,%,%,3337 +549758966,2462225,6162,1,glucose,98.0,98,mg/dL,mg/dL,6162 +556401382,2462225,1802,3,MCV,99.7,99.7,fL,fL,1802 +543438349,2462225,3337,1,sodium,139.0,139,mmol/L,mmol/L,3337 +549460754,2462225,1802,1,BUN,20.0,20,mg/dL,mg/dL,1802 +559036829,2462225,-520,3,PT - INR,1.0,1.0,ratio,,-520 +560637749,2462225,382,3,-eos,0.0,0,%,%,382 +549758960,2462225,6162,1,potassium,3.5,3.5,mmol/L,mmol/L,6162 +556401380,2462225,1802,3,Hct,34.7,34.7,%,%,1802 +543438351,2462225,3337,1,chloride,98.0,98,mmol/L,mmol/L,3337 +549460752,2462225,1802,1,glucose,169.0,169,mg/dL,mg/dL,1802 +541855973,2462225,382,1,glucose,157.0,157,mg/dL,mg/dL,382 +559520200,2462225,3337,3,MCV,99.2,99.2,fL,fL,3337 +549758961,2462225,6162,1,chloride,96.0,96,mmol/L,mmol/L,6162 +556401388,2462225,1802,3,MCHC,32.6,32.6,g/dL,g/dL,1802 +547741283,2462225,-11,1,lactate,0.9,0.9,mmol/L,mmol/L,-11 +549460748,2462225,1802,1,anion gap,15.0,15,,mmol/L,1802 +557281476,2462225,4743,3,RBC,3.83,3.83,M/mcL,M/uL,4743 +560637750,2462225,382,3,MCV,98.6,98.6,fL,fL,382 +549758967,2462225,6162,1,anion gap,16.0,16,,mmol/L,6162 +556401387,2462225,1802,3,-monos,3.0,3,%,%,1802 +583357698,2462225,-307,7,FiO2,44.0,44.0,%,%,-307 +549460753,2462225,1802,1,chloride,99.0,99,mmol/L,mmol/L,1802 +559036830,2462225,-520,3,PTT,31.1,31.1,sec,seconds,-520 +559520196,2462225,3337,3,WBC x 1000,12.5,12.5,K/mcL,K/uL,3337 +549758959,2462225,6162,1,sodium,137.0,137,mmol/L,mmol/L,6162 +556401386,2462225,1802,3,MCH,32.5,32.5,pg,pg,1802 +543438352,2462225,3337,1,bicarbonate,25.0,25,mmol/L,mmol/L,3337 +549460747,2462225,1802,1,creatinine,0.69,0.69,mg/dL,mg/dL,1802 +541855975,2462225,382,1,BUN,11.0,11,mg/dL,mg/dL,382 +560637751,2462225,382,3,Hgb,12.0,12.0,g/dL,g/dL,382 +549758962,2462225,6162,1,bicarbonate,25.0,25,mmol/L,mmol/L,6162 +556401381,2462225,1802,3,-eos,0.0,0,%,%,1802 +544126743,2462225,-520,1,potassium,4.0,4.0,mmol/L,mmol/L,-520 +539305407,2462225,4743,1,creatinine,0.76,0.76,mg/dL,mg/dL,4743 +544126751,2462225,-520,1,BUN,8.0,8,mg/dL,mg/dL,-520 +556401383,2462225,1802,3,Hgb,11.3,11.3,g/dL,g/dL,1802 +544126747,2462225,-520,1,bicarbonate,23.0,23,mmol/L,mmol/L,-520 +559036828,2462225,-520,3,PT,12.8,12.8,sec,Seconds,-520 +544126748,2462225,-520,1,calcium,9.5,9.5,mg/dL,mg/dL,-520 +556401384,2462225,1802,3,WBC x 1000,11.1,11.1,K/mcL,K/uL,1802 +544126749,2462225,-520,1,glucose,122.0,122,mg/dL,mg/dL,-520 +541855972,2462225,382,1,calcium,9.7,9.7,mg/dL,mg/dL,382 +544126750,2462225,-520,1,chloride,103.0,103,mmol/L,mmol/L,-520 +556401389,2462225,1802,3,platelets x 1000,272.0,272,K/mcL,K/uL,1802 +544126745,2462225,-520,1,anion gap,13.0,13,,mmol/L,-520 +557281477,2462225,4743,3,Hgb,12.4,12.4,g/dL,g/dL,4743 +544126744,2462225,-520,1,creatinine,0.62,0.62,mg/dL,mg/dL,-520 +556401385,2462225,1802,3,RDW,13.0,13.0,%,%,1802 +544126746,2462225,-520,1,sodium,139.0,139,mmol/L,mmol/L,-520 +556553635,2462225,6162,3,-polys,66.0,66,%,%,6162 +560637746,2462225,382,3,-basos,0.0,0,%,%,382 +182031135,842499,928,3,MCHC,33.7,33.7,g/dL,g/dL,983 +182031131,842499,928,3,Hgb,12.3,12.3,g/dL,g/dL,983 +182031130,842499,928,3,MCV,95.0,95,fL,fL,983 +146517474,842499,928,1,calcium,7.4,7.4,mg/dL,mg/dL,993 +225425588,842499,-222,7,O2 Sat (%),100.0,100,%,%,-222 +146517473,842499,928,1,total protein,4.9,4.9,g/dL,g/dL,993 +182031129,842499,928,3,Hct,36.5,36.5,%,%,983 +146517472,842499,928,1,bicarbonate,22.0,22,mmol/L,mmol/L,993 +225425587,842499,-222,7,pH,7.43,7.43,,,-222 +146517476,842499,928,1,glucose,174.0,174,mg/dL,mg/dL,993 +182031132,842499,928,3,WBC x 1000,18.8,18.8,K/mcL,K/MM3,983 +146517471,842499,928,1,albumin,2.6,2.6,g/dL,g/dL,993 +150868040,842499,-117,1,potassium,3.8,3.8,mmol/L,mmol/L,-117 +146517477,842499,928,1,chloride,110.0,110,mmol/L,mmol/L,993 +182031133,842499,928,3,RDW,12.8,12.8,%,%,983 +146517475,842499,928,1,ALT (SGPT),240.0,240,Units/L,IU/L,993 +225425584,842499,-222,7,HCO3,23.0,23,mmol/L,mmol/L,-222 +146517466,842499,928,1,creatinine,0.87,0.87,mg/dL,mg/dL,993 +182031127,842499,928,3,MPV,9.9,9.9,fL,fL,983 +146517470,842499,928,1,sodium,138.0,138,mmol/L,mmol/L,993 +150868042,842499,-117,1,glucose,132.0,132,mg/dL,mg/dL,-117 +146517469,842499,928,1,AST (SGOT),210.0,210,Units/L,IU/L,993 +182031128,842499,928,3,RBC,3.85,3.85,M/mcL,M/MM3,983 +146517467,842499,928,1,alkaline phos.,59.0,59,Units/L,IU/L,993 +223795392,842499,-117,7,paCO2,35.0,35,mm Hg,mmHg,-117 +225425585,842499,-222,7,paO2,311.0,311,mm Hg,mmHg,-222 +146517464,842499,928,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,993 +223795390,842499,-117,7,HCO3,22.0,22,mmol/L,mmol/L,-117 +182031136,842499,928,3,platelets x 1000,206.0,206,K/mcL,K/MM3,983 +156596089,842499,-222,1,sodium,140.0,140,mmol/L,mmol/L,-222 +223795391,842499,-117,7,paO2,295.0,295,mm Hg,mmHg,-117 +150868041,842499,-117,1,sodium,138.0,138,mmol/L,mmol/L,-117 +146517478,842499,928,1,BUN,15.0,15,mg/dL,mg/dL,993 +223795393,842499,-117,7,pH,7.41,7.41,,,-117 +182031134,842499,928,3,MCH,31.9,31.9,pg,pg,983 +156596088,842499,-222,1,potassium,3.4,3.4,mmol/L,mmol/L,-222 +223795394,842499,-117,7,O2 Sat (%),100.0,100,%,%,-117 +225425586,842499,-222,7,paCO2,35.0,35,mm Hg,mmHg,-222 +146517468,842499,928,1,anion gap,6.0,6,,,993 +191654748,842499,687,4,bedside glucose,252.0,252,mg/dL,mg/dL,687 +156596090,842499,-222,1,glucose,92.0,92,mg/dL,mg/dL,-222 +189003917,842499,471,4,bedside glucose,261.0,261,mg/dL,mg/dL,471 +146517465,842499,928,1,potassium,4.8,4.8,mmol/L,mmol/L,993 +224741998,842499,80,7,FiO2,60.0,60,%,%,80 +190213104,842499,930,4,bedside glucose,168.0,168,mg/dL,mg/dL,930 +190728184,842499,13,4,bedside glucose,138.0,138,mg/dL,mg/dL,13 +553989472,2334053,33,3,-eos,8.0,8,%,%,33 +541761221,2334053,33,1,bicarbonate,31.0,31,mmol/L,mmol/L,33 +553989473,2334053,33,3,MCV,94.5,94.5,fL,fL,33 +541761214,2334053,33,1,potassium,4.2,4.2,mmol/L,mmol/L,33 +553989471,2334053,33,3,Hct,36.3,36.3,%,%,33 +541761219,2334053,33,1,sodium,139.0,139,mmol/L,mmol/L,33 +553989474,2334053,33,3,Hgb,11.7,11.7,g/dL,g/dL,33 +541761222,2334053,33,1,total protein,6.8,6.8,g/dL,g/dL,33 +553989468,2334053,33,3,RBC,3.84,3.84,M/mcL,M/uL,33 +541761220,2334053,33,1,albumin,3.9,3.9,g/dL,g/dL,33 +553989469,2334053,33,3,-basos,1.0,1,%,%,33 +541761213,2334053,33,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,33 +553989470,2334053,33,3,-polys,57.0,57,%,%,33 +541761218,2334053,33,1,AST (SGOT),23.0,23,Units/L,U/L,33 +553989480,2334053,33,3,platelets x 1000,355.0,355,K/mcL,K/uL,33 +541761215,2334053,33,1,creatinine,0.87,0.87,mg/dL,mg/dL,33 +553989467,2334053,33,3,-lymphs,26.0,26,%,%,33 +552544780,2334053,3826,3,MPV,7.9,7.9,fL,fL,3826 +541761227,2334053,33,1,BUN,12.0,12,mg/dL,mg/dL,33 +553989479,2334053,33,3,MCHC,32.1,32.1,g/dL,g/dL,33 +552544781,2334053,3826,3,-polys,90.0,90,%,%,3826 +541761217,2334053,33,1,anion gap,11.0,11,,mmol/L,33 +553989478,2334053,33,3,-monos,9.0,9,%,%,33 +543354943,2334053,2223,1,anion gap,11.0,11,,mmol/L,2223 +552544782,2334053,3826,3,-lymphs,7.0,7,%,%,3826 +543354944,2334053,2223,1,AST (SGOT),32.0,32,Units/L,U/L,2223 +541761225,2334053,33,1,glucose,86.0,86,mg/dL,mg/dL,33 +543354942,2334053,2223,1,alkaline phos.,85.0,85,Units/L,U/L,2223 +553989466,2334053,33,3,MPV,7.4,7.4,fL,fL,33 +543354953,2334053,2223,1,BUN,7.0,7,mg/dL,mg/dL,2223 +552544783,2334053,3826,3,-monos,2.0,2,%,%,3826 +543354941,2334053,2223,1,creatinine,0.74,0.74,mg/dL,mg/dL,2223 +541761224,2334053,33,1,ALT (SGPT),18.0,18,Units/L,U/L,33 +543354949,2334053,2223,1,calcium,8.7,8.7,mg/dL,mg/dL,2223 +553989475,2334053,33,3,WBC x 1000,6.1,6.1,K/mcL,K/uL,33 +543354948,2334053,2223,1,total protein,6.1,6.1,g/dL,g/dL,2223 +552544785,2334053,3826,3,-basos,0.0,0,%,%,3826 +561174860,2334053,3826,3,RDW,13.6,13.6,%,%,3826 +543354950,2334053,2223,1,ALT (SGPT),25.0,25,Units/L,U/L,2223 +541761226,2334053,33,1,chloride,97.0,97,mmol/L,mmol/L,33 +561174854,2334053,3826,3,RBC,3.33,3.33,M/mcL,M/uL,3826 +549755475,2334053,3826,1,ALT (SGPT),36.0,36,Units/L,U/L,3826 +543354939,2334053,2223,1,total bilirubin,,<0.2,mg/dL,mg/dL,2223 +545052675,2334053,1007,1,glucose,163.0,163,mg/dL,mg/dL,1007 +548080281,2334053,3826,1,sodium,143.0,143,mmol/L,mmol/L,3826 +553989476,2334053,33,3,RDW,13.0,13.0,%,%,33 +545052670,2334053,1007,1,bicarbonate,29.0,29,mmol/L,mmol/L,1007 +549755476,2334053,3826,1,anion gap,12.0,12,,mmol/L,3826 +561174858,2334053,3826,3,MCH,30.6,30.6,pg,pg,3826 +545052672,2334053,1007,1,calcium,9.0,9.0,mg/dL,mg/dL,1007 +548080282,2334053,3826,1,potassium,3.9,3.9,mmol/L,mmol/L,3826 +543354951,2334053,2223,1,glucose,140.0,140,mg/dL,mg/dL,2223 +545052673,2334053,1007,1,phosphate,3.4,3.4,mg/dL,mg/dL,1007 +549755472,2334053,3826,1,total bilirubin,,<0.2,mg/dL,mg/dL,3826 +552544779,2334053,3826,3,platelets x 1000,297.0,297,K/mcL,K/uL,3826 +545052676,2334053,1007,1,chloride,98.0,98,mmol/L,mmol/L,1007 +548080289,2334053,3826,1,total protein,6.3,6.3,g/dL,g/dL,3826 +561174853,2334053,3826,3,WBC x 1000,10.0,10.0,K/mcL,K/uL,3826 +545052674,2334053,1007,1,ALT (SGPT),18.0,18,Units/L,U/L,1007 +550384838,2334053,5823,2,Vancomycin - trough,12.0,12.0,mcg/mL,ug/mL,5823 +543354952,2334053,2223,1,chloride,102.0,102,mmol/L,mmol/L,2223 +545052669,2334053,1007,1,triglycerides,55.0,55,mg/dL,mg/dL,1007 +548080283,2334053,3826,1,chloride,101.0,101,mmol/L,mmol/L,3826 +541761216,2334053,33,1,alkaline phos.,92.0,92,Units/L,U/L,33 +545052661,2334053,1007,1,potassium,4.7,4.7,mmol/L,mmol/L,1007 +549755473,2334053,3826,1,alkaline phos.,66.0,66,Units/L,U/L,3826 +561174855,2334053,3826,3,Hgb,10.2,10.2,g/dL,g/dL,3826 +545052660,2334053,1007,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,1007 +548080286,2334053,3826,1,BUN,9.0,9,mg/dL,mg/dL,3826 +543354940,2334053,2223,1,potassium,4.3,4.3,mmol/L,mmol/L,2223 +545052677,2334053,1007,1,BUN,9.0,9,mg/dL,mg/dL,1007 +550384837,2334053,4361,2,Vancomycin - trough,4.0,4.0,mcg/mL,ug/mL,4361 +553989477,2334053,33,3,MCH,30.4,30.4,pg,pg,33 +545052671,2334053,1007,1,total protein,6.3,6.3,g/dL,g/dL,1007 +548080287,2334053,3826,1,creatinine,0.81,0.81,mg/dL,mg/dL,3826 +561174856,2334053,3826,3,Hct,32.0,32.0,%,%,3826 +545052663,2334053,1007,1,alkaline phos.,84.0,84,Units/L,U/L,1007 +549755471,2334053,3826,1,albumin,3.7,3.7,g/dL,g/dL,3826 +543354945,2334053,2223,1,sodium,141.0,141,mmol/L,mmol/L,2223 +545052666,2334053,1007,1,sodium,137.0,137,mmol/L,mmol/L,1007 +548080285,2334053,3826,1,calcium,9.2,9.2,mg/dL,mg/dL,3826 +552544784,2334053,3826,3,-eos,0.0,0,%,%,3826 +545052667,2334053,1007,1,magnesium,2.0,2.0,mg/dL,mg/dL,1007 +550384839,2334053,2916,2,Vancomycin - trough,3.0,3.0,mcg/mL,ug/mL,2916 +561174857,2334053,3826,3,MCV,96.1,96.1,fL,fL,3826 +545052668,2334053,1007,1,albumin,3.9,3.9,g/dL,g/dL,1007 +548080288,2334053,3826,1,glucose,99.0,99,mg/dL,mg/dL,3826 +543354946,2334053,2223,1,albumin,3.7,3.7,g/dL,g/dL,2223 +545052664,2334053,1007,1,anion gap,10.0,10,,mmol/L,1007 +549755474,2334053,3826,1,AST (SGOT),33.0,33,Units/L,U/L,3826 +541761223,2334053,33,1,calcium,9.2,9.2,mg/dL,mg/dL,33 +545052665,2334053,1007,1,AST (SGOT),25.0,25,Units/L,U/L,1007 +548080284,2334053,3826,1,bicarbonate,30.0,30,mmol/L,mmol/L,3826 +561174859,2334053,3826,3,MCHC,31.8,31.8,g/dL,g/dL,3826 +545052662,2334053,1007,1,creatinine,0.75,0.75,mg/dL,mg/dL,1007 +547643511,2334053,3826,1,triglycerides,73.0,73,mg/dL,mg/dL,3826 +543354947,2334053,2223,1,bicarbonate,28.0,28,mmol/L,mmol/L,2223 +113933305,482789,2155,1,potassium,3.5,3.5,mmol/L,mmol/L,2228 +113933304,482789,2155,1,sodium,142.0,142,mmol/L,mmol/L,2228 +113266476,482789,5015,1,albumin,3.5,3.5,g/dL,g/dL,5091 +113933306,482789,2155,1,chloride,109.0,109,mmol/L,mmol/L,2228 +113266477,482789,5015,1,ALT (SGPT),40.0,40,Units/L,IU/L,5091 +113933307,482789,2155,1,bicarbonate,22.0,22,mmol/L,mmol/L,2228 +113266473,482789,5015,1,creatinine,1.8,1.80,mg/dL,mg/dL,5091 +113933308,482789,2155,1,anion gap,11.0,11,,,2228 +113266474,482789,5015,1,calcium,8.7,8.7,mg/dL,mg/dL,5091 +113933309,482789,2155,1,glucose,105.0,105,mg/dL,mg/dL,2228 +113266475,482789,5015,1,total protein,6.1,6.1,g/dL,g/dL,5091 +114523587,482789,5015,1,chloride,106.0,106,mmol/L,mmol/L,5091 +113266478,482789,5015,1,AST (SGOT),24.0,24,Units/L,IU/L,5091 +115189189,482789,900,3,WBC x 1000,5.3,5.3,K/mcL,K/uL,905 +113933312,482789,2155,1,calcium,8.3,8.3,mg/dL,mg/dL,2228 +115189190,482789,900,3,RBC,3.59,3.59,M/mcL,M/uL,905 +113266469,482789,5015,1,bicarbonate,23.0,23,mmol/L,mmol/L,5091 +115189191,482789,900,3,Hgb,11.7,11.7,g/dL,g/dL,905 +114523585,482789,5015,1,sodium,144.0,144,mmol/L,mmol/L,5091 +115189193,482789,900,3,MCV,97.0,97,fL,fL,905 +113266470,482789,5015,1,anion gap,15.0,15,,,5091 +115189201,482789,900,3,-monos,11.0,11,%,%,905 +113933310,482789,2155,1,BUN,16.0,16,mg/dL,mg/dL,2228 +115189203,482789,900,3,-basos,0.0,0,%,%,905 +113266471,482789,5015,1,glucose,103.0,103,mg/dL,mg/dL,5091 +115189195,482789,900,3,MCHC,34.0,34,g/dL,g/dL,905 +113605078,482789,5015,1,magnesium,1.7,1.7,mg/dL,mg/dL,5091 +115189198,482789,900,3,MPV,10.1,10.1,fL,fL,905 +113266479,482789,5015,1,alkaline phos.,263.0,263,Units/L,IU/L,5091 +122298556,482789,-475,3,RBC,3.51,3.51,M/mcL,M/uL,-441 +115189196,482789,900,3,RDW,16.0,16.0,%,%,905 +122298563,482789,-475,3,WBC x 1000,5.4,5.4,K/mcL,K/uL,-441 +114523586,482789,5015,1,potassium,3.4,3.4,mmol/L,mmol/L,5091 +122298564,482789,-475,3,RDW,16.3,16.3,%,%,-441 +115189197,482789,900,3,platelets x 1000,209.0,209,K/mcL,K/uL,905 +120418921,482789,2155,3,WBC x 1000,5.0,5.0,K/mcL,K/uL,2202 +122298565,482789,-475,3,MCH,32.0,32,pg,pg,-441 +120418935,482789,2155,3,-basos,0.0,0,%,%,2202 +113266472,482789,5015,1,BUN,19.0,19,mg/dL,mg/dL,5091 +120418934,482789,2155,3,-eos,3.0,3,%,%,2202 +122298566,482789,-475,3,-monos,11.0,11,%,%,-441 +120418922,482789,2155,3,RBC,3.61,3.61,M/mcL,M/uL,2202 +115189199,482789,900,3,-polys,68.0,68,%,%,905 +120418933,482789,2155,3,-monos,10.0,10,%,%,2202 +122298568,482789,-475,3,platelets x 1000,216.0,216,K/mcL,K/uL,-441 +120418928,482789,2155,3,RDW,15.7,15.7,%,%,2202 +113933311,482789,2155,1,creatinine,1.4,1.40,mg/dL,mg/dL,2228 +120418930,482789,2155,3,MPV,10.1,10.1,fL,fL,2202 +122298567,482789,-475,3,MCHC,33.0,33,g/dL,g/dL,-441 +120418929,482789,2155,3,platelets x 1000,203.0,203,K/mcL,K/uL,2202 +115189192,482789,900,3,Hct,34.7,34.7,%,%,905 +120418927,482789,2155,3,MCHC,33.0,33,g/dL,g/dL,2202 +122298562,482789,-475,3,Hgb,11.2,11.2,g/dL,g/dL,-441 +120418925,482789,2155,3,MCV,96.0,96,fL,fL,2202 +113266480,482789,5015,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,5091 +120418926,482789,2155,3,MCH,32.0,32,pg,pg,2202 +122298554,482789,-475,3,MPV,10.2,10.2,fL,fL,-441 +120418931,482789,2155,3,-polys,70.0,70,%,%,2202 +115189202,482789,900,3,-eos,3.0,3,%,%,905 +120418923,482789,2155,3,Hgb,11.5,11.5,g/dL,g/dL,2202 +122298557,482789,-475,3,-basos,0.0,0,%,%,-441 +113280646,482789,-475,1,troponin - I,0.3,0.30,ng/mL,ng/mL,-424 +113627133,482789,611,1,CPK,65.0,65,Units/L,IU/L,673 +120418932,482789,2155,3,-lymphs,17.0,17,%,%,2202 +122298559,482789,-475,3,Hct,33.9,33.9,%,%,-441 +120130049,482789,-475,3,PTT,30.5,30.5,sec,Seconds,-443 +115189194,482789,900,3,MCH,33.0,33,pg,pg,905 +122657288,482789,344,3,PTT,44.0,44.0,sec,Seconds,396 +122298558,482789,-475,3,-polys,69.0,69,%,%,-441 +125216273,482789,-225,4,WBC's in urine,6.0,6,,/HPF,-73 +110471854,482789,-475,1,phosphate,3.9,3.9,mg/dL,mg/dL,-321 +126960653,482789,-475,4,T4,,8.25,mcg/dL,mcg/mL,-417 +122298560,482789,-475,3,-eos,2.0,2,%,%,-441 +126322023,482789,-475,4,T3,65.0,0.65,ng/dL,ng/mL,-407 +115189200,482789,900,3,-lymphs,18.0,18,%,%,905 +120418924,482789,2155,3,Hct,34.8,34.8,%,%,2202 +117534034,482789,-475,3,PT,14.7,14.7,sec,Seconds,-443 +125890800,482789,-225,4,urinary specific gravity,1.023,1.023,,,-74 +126714930,482789,-475,4,TSH,3.1,3.100,mcU/ml,uIU/mL,-410 +107163840,482789,611,1,troponin - I,0.22,0.22,ng/mL,ng/mL,697 +109588692,482789,65,1,troponin - I,0.25,0.25,ng/mL,ng/mL,112 +114648538,482789,-475,2,Digoxin,,<0.4,ng/mL,ng/mL,-437 +122298555,482789,-475,3,-lymphs,18.0,18,%,%,-441 +107546871,482789,-475,1,creatinine,1.6,1.60,mg/dL,mg/dL,-437 +108653327,482789,-475,1,potassium,3.9,3.9,mmol/L,mmol/L,-437 +107392467,482789,-475,1,BUN,17.0,17,mg/dL,mg/dL,-437 +126748914,482789,-10,4,bedside glucose,78.0,78,mg/dL,mg/dL,-10 +108069856,482789,-475,1,chloride,112.0,112,mmol/L,mmol/L,-437 +123127255,482789,832,3,PTT,114.4,114.4,sec,Seconds,866 +112404869,482789,611,1,CPK-MB,2.3,2.3,ng/mL,ng/mL,697 +117534035,482789,-475,3,PT - INR,1.1,1.1,ratio,,-443 +112004591,482789,2155,1,magnesium,1.8,1.8,mg/dL,mg/dL,2228 +106729012,482789,-475,1,sodium,145.0,145,mmol/L,mmol/L,-437 +109505382,482789,-475,1,magnesium,2.0,2.0,mg/dL,mg/dL,-437 +109356351,482789,-475,1,anion gap,10.0,10,,,-437 +111564381,482789,-475,1,glucose,92.0,92,mg/dL,mg/dL,-437 +109356352,482789,-475,1,bicarbonate,23.0,23,mmol/L,mmol/L,-437 +122298561,482789,-475,3,MCV,97.0,97,fL,fL,-441 +559631322,2469796,702,3,MPV,7.4,7.4,fL,fL,702 +559631325,2469796,702,3,-basos,0.0,0,%,%,702 +559631329,2469796,702,3,MCV,96.1,96.1,fL,fL,702 +559631323,2469796,702,3,-lymphs,13.0,13,%,%,702 +559631331,2469796,702,3,WBC x 1000,3.2,3.2,K/mcL,K/uL,702 +543240238,2469796,2290,1,troponin - T,,<0.01,ng/mL,ng/mL,2290 +559631324,2469796,702,3,RBC,3.85,3.85,M/mcL,M/uL,702 +543240239,2469796,2290,1,calcium,8.8,8.8,mg/dL,mg/dL,2290 +559631330,2469796,702,3,Hgb,12.1,12.1,g/dL,g/dL,702 +543240240,2469796,2290,1,glucose,117.0,117,mg/dL,mg/dL,2290 +559631326,2469796,702,3,-polys,85.0,85,%,%,702 +543240241,2469796,2290,1,chloride,96.0,96,mmol/L,mmol/L,2290 +556510887,2469796,5002,3,-basos,0.0,0,%,%,5002 +545203877,2469796,702,1,chloride,97.0,97,mmol/L,mmol/L,702 +559631327,2469796,702,3,Hct,37.0,37.0,%,%,702 +556510886,2469796,5002,3,RBC,3.53,3.53,M/mcL,M/uL,5002 +545203869,2469796,702,1,AST (SGOT),19.0,19,Units/L,U/L,702 +543240235,2469796,2290,1,sodium,138.0,138,mmol/L,mmol/L,2290 +556510888,2469796,5002,3,-polys,89.0,89,%,%,5002 +545203878,2469796,702,1,BUN,17.0,17,mg/dL,mg/dL,702 +559631333,2469796,702,3,MCH,31.5,31.5,pg,pg,702 +556510896,2469796,5002,3,-monos,3.0,3,%,%,5002 +545203868,2469796,702,1,anion gap,7.0,7,,mmol/L,702 +543240236,2469796,2290,1,magnesium,1.9,1.9,mg/dL,mg/dL,2290 +556510884,2469796,5002,3,MPV,7.5,7.5,fL,fL,5002 +545203870,2469796,702,1,sodium,140.0,140,mmol/L,mmol/L,702 +559631334,2469796,702,3,-monos,2.0,2,%,%,702 +556510897,2469796,5002,3,MCHC,32.9,32.9,g/dL,g/dL,5002 +545203871,2469796,702,1,albumin,3.5,3.5,g/dL,g/dL,702 +543240232,2469796,2290,1,potassium,4.6,4.6,mmol/L,mmol/L,2290 +556510889,2469796,5002,3,Hct,34.0,34.0,%,%,5002 +545203866,2469796,702,1,creatinine,0.66,0.66,mg/dL,mg/dL,702 +559631332,2469796,702,3,RDW,13.5,13.5,%,%,702 +556510885,2469796,5002,3,-lymphs,8.0,8,%,%,5002 +545203867,2469796,702,1,alkaline phos.,57.0,57,Units/L,U/L,702 +543240233,2469796,2290,1,creatinine,0.59,0.59,mg/dL,mg/dL,2290 +558810337,2469796,2290,3,RBC,3.49,3.49,M/mcL,M/uL,2290 +556510890,2469796,5002,3,-eos,0.0,0,%,%,5002 +543684997,2469796,20,1,albumin,3.8,3.8,g/dL,g/dL,20 +545203874,2469796,702,1,calcium,8.8,8.8,mg/dL,mg/dL,702 +558810339,2469796,2290,3,-polys,89.0,89,%,%,2290 +559631328,2469796,702,3,-eos,0.0,0,%,%,702 +543684998,2469796,20,1,bicarbonate,40.0,40,mmol/L,mmol/L,20 +556510891,2469796,5002,3,MCV,96.4,96.4,fL,fL,5002 +558810338,2469796,2290,3,-basos,0.0,0,%,%,2290 +545203875,2469796,702,1,ALT (SGPT),17.0,17,Units/L,U/L,702 +543684995,2469796,20,1,AST (SGOT),24.0,24,Units/L,U/L,20 +543240242,2469796,2290,1,BUN,11.0,11,mg/dL,mg/dL,2290 +558810348,2469796,2290,3,MCHC,33.1,33.1,g/dL,g/dL,2290 +556510892,2469796,5002,3,Hgb,11.2,11.2,g/dL,g/dL,5002 +543684996,2469796,20,1,sodium,143.0,143,mmol/L,mmol/L,20 +545203872,2469796,702,1,bicarbonate,36.0,36,mmol/L,mmol/L,702 +558810335,2469796,2290,3,MPV,7.7,7.7,fL,fL,2290 +559631335,2469796,702,3,MCHC,32.8,32.8,g/dL,g/dL,702 +543684999,2469796,20,1,total protein,7.1,7.1,g/dL,g/dL,20 +556510893,2469796,5002,3,WBC x 1000,7.8,7.8,K/mcL,K/uL,5002 +558810342,2469796,2290,3,MCV,94.8,94.8,fL,fL,2290 +545203864,2469796,702,1,total bilirubin,,<0.2,mg/dL,mg/dL,702 +543684993,2469796,20,1,alkaline phos.,64.0,64,Units/L,U/L,20 +545821634,2469796,5002,1,glucose,113.0,113,mg/dL,mg/dL,5002 +543240234,2469796,2290,1,anion gap,5.0,5,,mmol/L,2290 +558810336,2469796,2290,3,-lymphs,7.0,7,%,%,2290 +545821636,2469796,5002,1,BUN,13.0,13,mg/dL,mg/dL,5002 +556510894,2469796,5002,3,RDW,13.7,13.7,%,%,5002 +543684992,2469796,20,1,creatinine,0.69,0.69,mg/dL,mg/dL,20 +545821632,2469796,5002,1,bicarbonate,40.0,40,mmol/L,mmol/L,5002 +545203873,2469796,702,1,total protein,6.3,6.3,g/dL,g/dL,702 +558810347,2469796,2290,3,-monos,2.0,2,%,%,2290 +545821631,2469796,5002,1,sodium,141.0,141,mmol/L,mmol/L,5002 +559631336,2469796,702,3,platelets x 1000,283.0,283,K/mcL,K/uL,702 +543684994,2469796,20,1,anion gap,7.0,7,,mmol/L,20 +545821635,2469796,5002,1,chloride,97.0,97,mmol/L,mmol/L,5002 +556510898,2469796,5002,3,platelets x 1000,270.0,270,K/mcL,K/uL,5002 +558810349,2469796,2290,3,platelets x 1000,277.0,277,K/mcL,K/uL,2290 +545821633,2469796,5002,1,calcium,8.7,8.7,mg/dL,mg/dL,5002 +545203865,2469796,702,1,potassium,4.7,4.7,mmol/L,mmol/L,702 +543685000,2469796,20,1,calcium,9.8,9.8,mg/dL,mg/dL,20 +545821629,2469796,5002,1,creatinine,0.58,0.58,mg/dL,mg/dL,5002 +543240237,2469796,2290,1,bicarbonate,37.0,37,mmol/L,mmol/L,2290 +558810340,2469796,2290,3,Hct,33.1,33.1,%,%,2290 +545821630,2469796,5002,1,anion gap,4.0,4,,mmol/L,5002 +556510895,2469796,5002,3,MCH,31.7,31.7,pg,pg,5002 +543684990,2469796,20,1,total bilirubin,,<0.2,mg/dL,mg/dL,20 +545821628,2469796,5002,1,potassium,4.4,4.4,mmol/L,mmol/L,5002 +545203876,2469796,702,1,glucose,137.0,137,mg/dL,mg/dL,702 +558810344,2469796,2290,3,WBC x 1000,9.1,9.1,K/mcL,K/uL,2290 +550778893,2469796,20,3,Hct,41.8,41.8,%,%,20 +543685002,2469796,20,1,glucose,99.0,99,mg/dL,mg/dL,20 +550778894,2469796,20,3,MCV,95.1,95.1,fL,fL,20 +558810346,2469796,2290,3,MCH,31.4,31.4,pg,pg,2290 +550778895,2469796,20,3,Hgb,13.6,13.6,g/dL,g/dL,20 +543685003,2469796,20,1,chloride,96.0,96,mmol/L,mmol/L,20 +550778900,2469796,20,3,platelets x 1000,306.0,306,K/mcL,K/uL,20 +558810345,2469796,2290,3,RDW,13.6,13.6,%,%,2290 +550778899,2469796,20,3,MCHC,32.6,32.6,g/dL,g/dL,20 +543685001,2469796,20,1,ALT (SGPT),17.0,17,Units/L,U/L,20 +550778891,2469796,20,3,MPV,7.4,7.4,fL,fL,20 +558810341,2469796,2290,3,-eos,2.0,2,%,%,2290 +550778898,2469796,20,3,MCH,31.0,31.0,pg,pg,20 +543684991,2469796,20,1,potassium,4.4,4.4,mmol/L,mmol/L,20 +550778896,2469796,20,3,WBC x 1000,6.0,6.0,K/mcL,K/uL,20 +558810343,2469796,2290,3,Hgb,10.9,10.9,g/dL,g/dL,2290 +550778897,2469796,20,3,RDW,13.5,13.5,%,%,20 +543685004,2469796,20,1,BUN,19.0,19,mg/dL,mg/dL,20 +550778892,2469796,20,3,RBC,4.39,4.39,M/mcL,M/uL,20 +147219353,827086,2606,1,glucose,94.0,94,mg/dL,mg/dL,2656 +147219351,827086,2606,1,calcium,8.0,8.0,mg/dL,mg/dL,2656 +149085751,827086,1146,1,BUN,64.0,64,mg/dL,mg/dL,1239 +147219350,827086,2606,1,total protein,4.4,4.4,g/dL,g/dL,2656 +149085750,827086,1146,1,chloride,118.0,118,mmol/L,mmol/L,1239 +147219354,827086,2606,1,chloride,118.0,118,mmol/L,mmol/L,2656 +149085746,827086,1146,1,total protein,4.4,4.4,g/dL,g/dL,1239 +147219352,827086,2606,1,ALT (SGPT),119.0,119,Units/L,IU/L,2656 +149085745,827086,1146,1,bicarbonate,18.0,18,mmol/L,mmol/L,1239 +147219355,827086,2606,1,BUN,68.0,68,mg/dL,mg/dL,2656 +149085747,827086,1146,1,calcium,8.0,8.0,mg/dL,mg/dL,1239 +147219349,827086,2606,1,bicarbonate,16.0,16,mmol/L,mmol/L,2656 +174072433,827086,1146,3,MCHC,32.6,32.6,g/dL,g/dL,1236 +147219345,827086,2606,1,anion gap,16.0,16,,,2656 +149085748,827086,1146,1,ALT (SGPT),26.0,26,Units/L,IU/L,1239 +147219344,827086,2606,1,alkaline phos.,114.0,114,Units/L,IU/L,2656 +174072430,827086,1146,3,WBC x 1000,8.1,8.1,K/mcL,K/MM3,1236 +147219346,827086,2606,1,AST (SGOT),110.0,110,Units/L,IU/L,2656 +149085742,827086,1146,1,AST (SGOT),18.0,18,Units/L,IU/L,1239 +147219347,827086,2606,1,sodium,150.0,150,mmol/L,mmol/L,2656 +174072431,827086,1146,3,RDW,20.5,20.5,%,%,1236 +147219342,827086,2606,1,potassium,3.9,3.9,mmol/L,mmol/L,2656 +149085743,827086,1146,1,sodium,149.0,149,mmol/L,mmol/L,1239 +147219341,827086,2606,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,2656 +174072429,827086,1146,3,Hgb,7.3,7.3,g/dL,g/dL,1236 +147219348,827086,2606,1,albumin,1.4,1.4,g/dL,g/dL,2656 +149085744,827086,1146,1,albumin,1.3,1.3,g/dL,g/dL,1239 +187743689,827086,164,4,bedside glucose,87.0,87,mg/dL,mg/dL,164 +147219343,827086,2606,1,creatinine,2.18,2.18,mg/dL,mg/dL,2656 +174072432,827086,1146,3,MCH,28.7,28.7,pg,pg,1236 +183893842,827086,2606,3,MCH,29.2,29.2,pg,pg,2655 +149085749,827086,1146,1,glucose,81.0,81,mg/dL,mg/dL,1239 +183893841,827086,2606,3,RDW,20.5,20.5,%,%,2655 +174072428,827086,1146,3,MCV,88.0,88,fL,fL,1236 +183893843,827086,2606,3,MCHC,32.6,32.6,g/dL,g/dL,2655 +149085738,827086,1146,1,potassium,3.8,3.8,mmol/L,mmol/L,1239 +183893839,827086,2606,3,Hgb,6.3,6.3,g/dL,g/dL,2655 +174072434,827086,1146,3,platelets x 1000,65.0,65,K/mcL,K/MM3,1236 +183893838,827086,2606,3,MCV,89.0,89,fL,fL,2655 +149085739,827086,1146,1,creatinine,1.89,1.89,mg/dL,mg/dL,1239 +226922823,827086,2855,7,paO2,65.0,65,mm Hg,mmHg,2855 +174072426,827086,1146,3,RBC,2.54,2.54,M/mcL,M/MM3,1236 +183893840,827086,2606,3,WBC x 1000,7.5,7.5,K/mcL,K/MM3,2655 +149085740,827086,1146,1,alkaline phos.,111.0,111,Units/L,IU/L,1239 +226922822,827086,2855,7,FiO2,100.0,100,%,%,2855 +174072425,827086,1146,3,MPV,10.7,10.7,fL,fL,1236 +183893835,827086,2606,3,MPV,11.1,11.1,fL,fL,2655 +149085741,827086,1146,1,anion gap,13.0,13,,,1239 +226922821,827086,2855,7,HCO3,15.0,15,mmol/L,mmol/L,2855 +187225021,827086,2887,4,bedside glucose,95.0,95,mg/dL,mg/dL,2887 +183893844,827086,2606,3,platelets x 1000,59.0,59,K/mcL,K/MM3,2655 +174072427,827086,1146,3,Hct,22.4,22.4,%,%,1236 +226922824,827086,2855,7,paCO2,26.0,26,mm Hg,mmHg,2855 +222706617,827086,2855,7,O2 Sat (%),93.0,93,%,%,2855 +183893836,827086,2606,3,RBC,2.16,2.16,M/mcL,M/MM3,2655 +189747996,827086,377,4,bedside glucose,98.0,98,mg/dL,mg/dL,377 +226922825,827086,2855,7,pH,7.38,7.38,,,2855 +222706619,827086,2855,7,Base Excess,-9.0,-9.0,mEq/L,mmol/L,2855 +183893837,827086,2606,3,Hct,19.3,19.3,%,%,2655 +147042577,827086,2855,1,lactate,1.4,1.4,mmol/L,mmol/L,2855 +161623939,827086,1146,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,1239 +178017026,654286,143,3,-eos,0.0,0,%,%,183 +178017027,654286,143,3,-monos,4.0,4,%,%,183 +178017025,654286,143,3,-polys,89.0,89,%,%,183 +178017024,654286,143,3,-basos,0.0,0,%,%,183 +153600221,654286,-675,1,CPK-MB INDEX,1.4,1.4,%,%,-584 +178017023,654286,143,3,-lymphs,7.0,7,%,%,183 +190581712,654286,675,4,ammonia,20.0,20,mcg/dL,umol/L,745 +191016911,654286,5,4,bedside glucose,133.0,133,mg/dL,mg/dL,5 +190743701,654286,675,4,free T4,1.7,1.7,ng/dL,ng/dL,817 +153600222,654286,-675,1,CPK-MB,1.9,1.9,ng/mL,ng/mL,-584 +187476204,654286,-325,4,bedside glucose,160.0,160,mg/dL,mg/dL,-325 +189978941,654286,600,4,bedside glucose,109.0,109,mg/dL,mg/dL,600 +157709488,654286,-950,1,BUN,29.0,29,mg/dL,mg/dL,-927 +222354907,654286,161,7,HCO3,23.0,23,mmol/L,mmol/L,161 +157709475,654286,-950,1,potassium,4.1,4.1,mmol/L,mmol/L,-927 +221432360,654286,-131,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-131 +157709476,654286,-950,1,creatinine,0.88,0.88,mg/dL,mg/dL,-927 +222354908,654286,161,7,FiO2,4.0,4,%,lpm,161 +157709487,654286,-950,1,chloride,103.0,103,mmol/L,mmol/L,-927 +221432353,654286,-131,7,FiO2,4.0,4,%,lpm,-131 +157709474,654286,-950,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,-927 +159074785,654286,143,1,BUN,28.0,28,mg/dL,mg/dL,170 +157709482,654286,-950,1,bicarbonate,26.0,26,mmol/L,mmol/L,-927 +222354913,654286,161,7,O2 Sat (%),95.0,95,%,%,161 +169249041,654286,143,3,Hct,23.9,23.9,%,%,183 +159074777,654286,143,1,potassium,4.1,4.1,mmol/L,mmol/L,170 +157709483,654286,-950,1,total protein,7.1,7.1,g/dL,g/dL,-927 +221432354,654286,-131,7,paO2,79.0,79,mm Hg,mmHg,-131 +169249040,654286,143,3,RBC,3.0,3.00,M/mcL,M/MM3,183 +159074780,654286,143,1,sodium,140.0,140,mmol/L,mmol/L,170 +157709485,654286,-950,1,ALT (SGPT),28.0,28,Units/L,IU/L,-927 +222354915,654286,161,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,161 +169249042,654286,143,3,MCV,80.0,80,fL,fL,183 +159074781,654286,143,1,bicarbonate,22.0,22,mmol/L,mmol/L,170 +157709484,654286,-950,1,calcium,9.9,9.9,mg/dL,mg/dL,-927 +221432355,654286,-131,7,paCO2,37.0,37,mm Hg,mmHg,-131 +169249047,654286,143,3,platelets x 1000,94.0,94,K/mcL,K/MM3,183 +159074782,654286,143,1,calcium,8.4,8.4,mg/dL,mg/dL,170 +157709480,654286,-950,1,sodium,137.0,137,mmol/L,mmol/L,-927 +222354911,654286,161,7,pH,7.4,7.40,,,161 +169249045,654286,143,3,MCH,26.3,26.3,pg,pg,183 +159074783,654286,143,1,glucose,154.0,154,mg/dL,mg/dL,170 +169218492,654286,-950,3,WBC x 1000,13.0,13.0,K/mcL,K/MM3,-942 +157709479,654286,-950,1,AST (SGOT),25.0,25,Units/L,IU/L,-927 +169218491,654286,-950,3,Hgb,12.3,12.3,g/dL,g/dL,-942 +221432352,654286,-131,7,HCO3,22.0,22,mmol/L,mmol/L,-131 +169218489,654286,-950,3,Hct,37.2,37.2,%,%,-942 +169249043,654286,143,3,Hgb,7.9,7.9,g/dL,g/dL,183 +169218494,654286,-950,3,MCHC,33.1,33.1,g/dL,g/dL,-942 +159074779,654286,143,1,anion gap,11.0,11,,,170 +166882776,654286,-950,3,-lymphs,10.0,10,%,%,-942 +157709477,654286,-950,1,alkaline phos.,74.0,74,Units/L,IU/L,-927 +169218495,654286,-950,3,platelets x 1000,121.0,121,K/mcL,K/MM3,-942 +222354909,654286,161,7,paO2,78.0,78,mm Hg,mmHg,161 +166882777,654286,-950,3,-basos,0.0,0,%,%,-942 +169249046,654286,143,3,MCHC,33.1,33.1,g/dL,g/dL,183 +169218493,654286,-950,3,MCH,26.5,26.5,pg,pg,-942 +159074784,654286,143,1,chloride,107.0,107,mmol/L,mmol/L,170 +166882778,654286,-950,3,-polys,86.0,86,%,%,-942 +157709481,654286,-950,1,albumin,3.6,3.6,g/dL,g/dL,-927 +169218488,654286,-950,3,RBC,4.65,4.65,M/mcL,M/MM3,-942 +221432356,654286,-131,7,pH,7.37,7.37,,,-131 +166882780,654286,-950,3,-monos,3.0,3,%,%,-942 +169249039,654286,143,3,MPV,10.2,10.2,fL,fL,183 +169218487,654286,-950,3,MPV,11.2,11.2,fL,fL,-942 +160539251,654286,143,1,CPK-MB,2.1,2.1,ng/mL,ng/mL,175 +166882779,654286,-950,3,-eos,1.0,1,%,%,-942 +154662763,654286,-675,1,CPK,140.0,140,Units/L,IU/L,-628 +157709478,654286,-950,1,anion gap,8.0,8,,,-927 +169218490,654286,-950,3,MCV,80.0,80,fL,fL,-942 +157735498,654286,675,1,CPK-MB INDEX,1.7,1.7,%,%,732 +222354910,654286,161,7,paCO2,38.0,38,mm Hg,mmHg,161 +164169455,654286,143,1,troponin - I,0.06,0.06,ng/mL,ng/mL,172 +174904768,654286,-675,3,Vitamin B12,964.0,964,pg/mL,pg/mL,144 +169249044,654286,143,3,WBC x 1000,14.7,14.7,K/mcL,K/MM3,183 +139495019,654286,-675,1,troponin - I,0.05,0.05,ng/mL,ng/mL,-628 +157735499,654286,675,1,CPK-MB,2.5,2.5,ng/mL,ng/mL,732 +159074778,654286,143,1,creatinine,0.73,0.73,mg/dL,mg/dL,170 +191313086,654286,-675,4,TSH,1.89,1.89,mcU/ml,mIU/L,-622 +157709486,654286,-950,1,glucose,132.0,132,mg/dL,mg/dL,-927 +150548751,654286,143,1,CPK,136.0,136,Units/L,IU/L,172 +221432358,654286,-131,7,O2 Sat (%),95.0,95,%,%,-131 +189664485,654286,857,4,bedside glucose,109.0,109,mg/dL,mg/dL,857 +143335904,654286,675,1,CPK,147.0,147,Units/L,IU/L,715 +191455496,654286,153,4,bedside glucose,155.0,155,mg/dL,mg/dL,153 +160539250,654286,143,1,CPK-MB INDEX,1.5,1.5,%,%,175 +185913947,654286,-675,3,folate,9.5,9.5,ng/mL,ng/mL,144 +363444103,1536927,-120,3,MCHC,34.2,34.2,g/dL,g/dL,-78 +363576845,1536927,185,3,WBC x 1000,10.2,10.2,K/mcL,K/uL,204 +363444104,1536927,-120,3,platelets x 1000,177.0,177,K/mcL,K/uL,-78 +363524583,1536927,1595,3,-polys,62.0,62,%,%,1613 +363444102,1536927,-120,3,RDW,13.2,13.2,%,%,-78 +363524591,1536927,1595,3,MCHC,34.2,34.2,g/dL,g/dL,1613 +363444101,1536927,-120,3,WBC x 1000,8.8,8.8,K/mcL,K/uL,-78 +363524592,1536927,1595,3,platelets x 1000,211.0,211,K/mcL,K/uL,1613 +363444100,1536927,-120,3,Hgb,10.3,10.3,g/dL,g/dL,-78 +363444099,1536927,-120,3,MCV,90.1,90.1,fL,fL,-78 +363576843,1536927,185,3,MCV,89.9,89.9,fL,fL,204 +363576846,1536927,185,3,RDW,13.2,13.2,%,%,204 +363576844,1536927,185,3,Hgb,10.1,10.1,g/dL,g/dL,204 +363524584,1536927,1595,3,Hct,28.1,28.1,%,%,1613 +363444097,1536927,-120,3,RBC,3.34,3.34,M/mcL,MIL/uL,-78 +363524588,1536927,1595,3,WBC x 1000,7.1,7.1,K/mcL,K/uL,1613 +363524587,1536927,1595,3,Hgb,9.6,9.6,g/dL,g/dL,1613 +363576837,1536927,185,3,-lymphs,18.0,18,%,%,204 +363444098,1536927,-120,3,Hct,30.1,30.1,%,%,-78 +363524581,1536927,1595,3,RBC,3.11,3.11,M/mcL,MIL/uL,1613 +363576841,1536927,185,3,Hct,30.2,30.2,%,%,204 +355475550,1536927,1595,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,1632 +363524589,1536927,1595,3,RDW,13.3,13.3,%,%,1613 +356086640,1536927,-120,1,AST (SGOT),179.0,179,Units/L,U/L,-76 +363576838,1536927,185,3,RBC,3.36,3.36,M/mcL,MIL/uL,204 +355720030,1536927,3040,1,sodium,139.0,139,mmol/L,mEq/L,3124 +363576839,1536927,185,3,-basos,0.0,0,%,%,204 +355475551,1536927,1595,1,potassium,3.1,3.1,mmol/L,mEq/L,1632 +366947395,1536927,-85,4,urinary specific gravity,1.02,1.020,,,-68 +356086638,1536927,-120,1,creatinine,0.64,0.64,mg/dL,mg/dL,-76 +363524580,1536927,1595,3,-lymphs,25.0,25,%,%,1613 +355720032,1536927,3040,1,chloride,104.0,104,mmol/L,mEq/L,3125 +358033078,1536927,575,1,magnesium,4.7,4.7,mg/dL,mg/dL,635 +355475562,1536927,1595,1,chloride,98.0,98,mmol/L,mEq/L,1632 +367065502,1536927,-25,4,urinary specific gravity,1.02,1.020,,,-11 +356086639,1536927,-120,1,alkaline phos.,182.0,182,Units/L,U/L,-76 +363524586,1536927,1595,3,MCV,90.4,90.4,fL,fL,1613 +355720035,1536927,3040,1,BUN,8.0,8,mg/dL,mg/dL,3125 +364645627,1536927,3040,3,RDW,13.2,13.2,%,%,3096 +355475561,1536927,1595,1,glucose,109.0,109,mg/dL,mg/dL,1632 +363576847,1536927,185,3,-monos,10.0,10,%,%,204 +356086641,1536927,-120,1,sodium,135.0,135,mmol/L,mEq/L,-76 +364645628,1536927,3040,3,platelets x 1000,241.0,241,K/mcL,K/uL,3096 +355720033,1536927,3040,1,bicarbonate,26.0,26,mmol/L,mEq/L,3125 +363524590,1536927,1595,3,-monos,10.0,10,%,%,1613 +355475558,1536927,1595,1,total protein,6.2,6.2,g/dL,g/dL,1632 +364645624,1536927,3040,3,Hct,29.4,29.4,%,%,3096 +356086649,1536927,-120,1,BUN,4.0,4,mg/dL,mg/dL,-76 +363576842,1536927,185,3,-eos,2.0,2,%,%,204 +355720039,1536927,3040,1,albumin,2.6,2.6,g/dL,g/dL,3125 +364645625,1536927,3040,3,MCV,90.5,90.5,fL,fL,3096 +355475563,1536927,1595,1,BUN,6.0,6,mg/dL,mg/dL,1632 +363524585,1536927,1595,3,-eos,4.0,4,%,%,1613 +356086647,1536927,-120,1,glucose,79.0,79,mg/dL,mg/dL,-76 +364645626,1536927,3040,3,MCHC,33.7,33.7,g/dL,g/dL,3096 +355720034,1536927,3040,1,glucose,68.0,68,mg/dL,mg/dL,3125 +363576848,1536927,185,3,MCHC,33.4,33.4,g/dL,g/dL,204 +355475557,1536927,1595,1,bicarbonate,27.0,27,mmol/L,mEq/L,1632 +364645621,1536927,3040,3,WBC x 1000,6.6,6.6,K/mcL,K/uL,3096 +356086648,1536927,-120,1,chloride,98.0,98,mmol/L,mEq/L,-69 +363524582,1536927,1595,3,-basos,0.0,0,%,%,1613 +355720043,1536927,3040,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,3125 +364645622,1536927,3040,3,RBC,3.25,3.25,M/mcL,MIL/uL,3096 +355475559,1536927,1595,1,calcium,7.5,7.5,mg/dL,mg/dL,1632 +363576849,1536927,185,3,platelets x 1000,185.0,185,K/mcL,K/uL,204 +356086636,1536927,-120,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-76 +364645623,1536927,3040,3,Hgb,9.9,9.9,g/dL,g/dL,3096 +357065044,1536927,1595,1,LDH,333.0,333,Units/L,U/L,1632 +355720036,1536927,3040,1,creatinine,0.76,0.76,mg/dL,mg/dL,3125 +358545818,1536927,185,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,227 +355475556,1536927,1595,1,albumin,2.7,2.7,g/dL,g/dL,1632 +358545819,1536927,185,1,potassium,3.4,3.4,mmol/L,mEq/L,227 +356086643,1536927,-120,1,bicarbonate,26.0,26,mmol/L,mEq/L,-76 +358545827,1536927,185,1,calcium,8.3,8.3,mg/dL,mg/dL,227 +355720037,1536927,3040,1,calcium,9.0,9.0,mg/dL,mg/dL,3125 +358545821,1536927,185,1,alkaline phos.,176.0,176,Units/L,U/L,227 +355475552,1536927,1595,1,creatinine,0.67,0.67,mg/dL,mg/dL,1632 +358545825,1536927,185,1,bicarbonate,26.0,26,mmol/L,mEq/L,227 +356086644,1536927,-120,1,total protein,6.0,6.0,g/dL,g/dL,-76 +358545822,1536927,185,1,AST (SGOT),153.0,153,Units/L,U/L,227 +355720042,1536927,3040,1,alkaline phos.,160.0,160,Units/L,U/L,3125 +358545820,1536927,185,1,creatinine,0.66,0.66,mg/dL,mg/dL,227 +355475553,1536927,1595,1,alkaline phos.,171.0,171,Units/L,U/L,1632 +358545823,1536927,185,1,sodium,135.0,135,mmol/L,mEq/L,227 +356086645,1536927,-120,1,calcium,8.8,8.8,mg/dL,mg/dL,-76 +358545824,1536927,185,1,albumin,2.7,2.7,g/dL,g/dL,227 +355720041,1536927,3040,1,ALT (SGPT),64.0,64,Units/L,U/L,3125 +358545831,1536927,185,1,BUN,4.0,4,mg/dL,mg/dL,227 +355475554,1536927,1595,1,AST (SGOT),76.0,76,Units/L,U/L,1632 +358545828,1536927,185,1,ALT (SGPT),137.0,137,Units/L,U/L,227 +356086646,1536927,-120,1,ALT (SGPT),146.0,146,Units/L,U/L,-76 +358545826,1536927,185,1,total protein,5.8,5.8,g/dL,g/dL,227 +355720038,1536927,3040,1,total protein,5.8,5.8,g/dL,g/dL,3125 +358545830,1536927,185,1,chloride,99.0,99,mmol/L,mEq/L,227 +355475560,1536927,1595,1,ALT (SGPT),88.0,88,Units/L,U/L,1632 +366892920,1536927,185,4,uric acid,5.6,5.6,mg/dL,mg/dL,227 +356086642,1536927,-120,1,albumin,2.8,2.8,g/dL,g/dL,-76 +359576625,1536927,-120,1,LDH,343.0,343,Units/L,U/L,-76 +355720031,1536927,3040,1,potassium,3.9,3.9,mmol/L,mEq/L,3124 +367041285,1536927,-120,4,uric acid,5.6,5.6,mg/dL,mg/dL,-76 +355475555,1536927,1595,1,sodium,133.0,133,mmol/L,mEq/L,1632 +358545829,1536927,185,1,glucose,85.0,85,mg/dL,mg/dL,227 +356086637,1536927,-120,1,potassium,3.3,3.3,mmol/L,mEq/L,-76 +366763994,1536927,1595,4,uric acid,6.4,6.4,mg/dL,mg/dL,1632 +355720040,1536927,3040,1,AST (SGOT),49.0,49,Units/L,U/L,3125 +354107857,1536927,185,1,LDH,326.0,326,Units/L,U/L,227 +363576840,1536927,185,3,-polys,70.0,70,%,%,204 +774465990,3160468,-473,1,anion gap,17.0,17,,,-448 +774465991,3160468,-473,1,AST (SGOT),23.0,23,Units/L,IU/L,-448 +775958850,3160468,1498,3,-polys,69.0,69.0,%,%,1528 +774465989,3160468,-473,1,alkaline phos.,83.0,83,Units/L,IU/L,-448 +775958846,3160468,1498,3,MPV,8.6,8.6,fL,FL,1528 +774465988,3160468,-473,1,creatinine,2.4,2.4,mg/dL,MG/DL,-448 +775958851,3160468,1498,3,Hct,26.9,26.9,%,%,1528 +774465999,3160468,-473,1,lactate,1.4,1.4,mmol/L,MMOL/L,-449 +775958847,3160468,1498,3,-lymphs,19.7,19.7,%,%,1528 +773944614,3160468,1498,1,bicarbonate,28.0,28,mmol/L,MEQ/L,1550 +774465986,3160468,-473,1,total bilirubin,0.5,0.5,mg/dL,MG/DL,-448 +773944615,3160468,1498,1,total protein,4.7,4.7,g/dL,GM/DL,1550 +775958848,3160468,1498,3,RBC,3.13,3.13,M/mcL,MILL/UL,1528 +773944607,3160468,1498,1,potassium,3.4,3.4,mmol/L,MMOL/L,1550 +774466000,3160468,-473,1,chloride,85.0,85,mmol/L,MEQ/L,-448 +773944616,3160468,1498,1,calcium,7.9,7.9,mg/dL,MG/DL,1550 +775958849,3160468,1498,3,-basos,0.2,0.2,%,%,1528 +773944608,3160468,1498,1,creatinine,0.9,0.9,mg/dL,MG/DL,1550 +774466001,3160468,-473,1,BUN,15.0,15,mg/dL,MG/DL,-448 +773944617,3160468,1498,1,ALT (SGPT),33.0,33,Units/L,IU/L,1550 +775958852,3160468,1498,3,-eos,3.1,3.1,%,%,1528 +773404814,3160468,97,1,creatinine,1.3,1.3,mg/dL,MG/DL,171 +774465997,3160468,-473,1,ALT (SGPT),32.0,32,Units/L,IU/L,-448 +773944609,3160468,1498,1,alkaline phos.,64.0,64,Units/L,IU/L,1550 +775958857,3160468,1498,3,MCH,28.0,28,pg,PG,1528 +773404821,3160468,97,1,BUN,13.0,13,mg/dL,MG/DL,171 +774465996,3160468,-473,1,calcium,9.2,9.2,mg/dL,MG/DL,-448 +773944618,3160468,1498,1,glucose,90.0,90,mg/dL,MG/DL,1550 +775958858,3160468,1498,3,-monos,8.0,8.0,%,%,1528 +773404818,3160468,97,1,calcium,7.4,7.4,mg/dL,MG/DL,171 +774465998,3160468,-473,1,glucose,108.0,108,mg/dL,MG/DL,-448 +773944620,3160468,1498,1,BUN,7.0,7,mg/dL,MG/DL,1550 +775958859,3160468,1498,3,MCHC,32.0,32,g/dL,G/DL,1528 +773404819,3160468,97,1,glucose,93.0,93,mg/dL,MG/DL,171 +774465993,3160468,-473,1,albumin,3.5,3.5,g/dL,GM/DL,-448 +773944612,3160468,1498,1,sodium,138.0,138,mmol/L,MMOL/L,1550 +775958853,3160468,1498,3,MCV,86.0,86,fL,FL,1528 +773404815,3160468,97,1,anion gap,10.0,10,,,171 +774465994,3160468,-473,1,bicarbonate,31.0,31,mmol/L,MEQ/L,-448 +773944610,3160468,1498,1,anion gap,8.0,8,,,1550 +775958854,3160468,1498,3,Hgb,8.7,8.7,g/dL,GM/DL,1528 +773404816,3160468,97,1,sodium,134.0,134,mmol/L,MMOL/L,171 +775462428,3160468,97,3,Hct,26.6,26.6,%,%,171 +774465992,3160468,-473,1,sodium,129.0,129,mmol/L,MMOL/L,-448 +775462429,3160468,97,3,-eos,1.0,1.0,%,%,171 +773944611,3160468,1498,1,AST (SGOT),17.0,17,Units/L,IU/L,1550 +775462426,3160468,97,3,-basos,0.1,0.1,%,%,171 +775958855,3160468,1498,3,WBC x 1000,6.4,6.4,K/mcL,THOU/UL,1528 +775462427,3160468,97,3,-polys,81.5,81.5,%,%,171 +773404820,3160468,97,1,chloride,101.0,101,mmol/L,MEQ/L,171 +775462430,3160468,97,3,MCV,85.0,85,fL,FL,171 +774465987,3160468,-473,1,potassium,3.9,3.9,mmol/L,MMOL/L,-448 +775462425,3160468,97,3,RBC,3.14,3.14,M/mcL,MILL/UL,171 +773944613,3160468,1498,1,albumin,2.2,2.2,g/dL,GM/DL,1550 +775462424,3160468,97,3,-lymphs,9.3,9.3,%,%,171 +775958856,3160468,1498,3,RDW,13.7,13.7,%,%,1528 +775462435,3160468,97,3,-monos,8.1,8.1,%,%,171 +776434534,3160468,-473,3,-polys,85.0,85,%,%,-433 +773404813,3160468,97,1,potassium,3.4,3.4,mmol/L,MMOL/L,171 +776434535,3160468,-473,3,Hct,34.7,34.7,%,%,-453 +775462434,3160468,97,3,MCH,28.0,28,pg,PG,171 +776434531,3160468,-473,3,MPV,9.1,9.1,fL,FL,-453 +774465995,3160468,-473,1,total protein,6.9,6.9,g/dL,GM/DL,-448 +776434540,3160468,-473,3,WBC x 1000,24.3,24.3,K/mcL,THOU/UL,-453 +775462436,3160468,97,3,MCHC,33.0,33,g/dL,G/DL,171 +776434541,3160468,-473,3,RDW,13.9,13.9,%,%,-453 +773944619,3160468,1498,1,chloride,105.0,105,mmol/L,MEQ/L,1550 +776434542,3160468,-473,3,MCH,28.0,28,pg,PG,-453 +775462437,3160468,97,3,platelets x 1000,285.0,285,K/mcL,THOU/UL,171 +776434543,3160468,-473,3,-monos,6.0,6,%,%,-433 +775958860,3160468,1498,3,platelets x 1000,283.0,283,K/mcL,THOU/UL,1528 +776434544,3160468,-473,3,MCHC,34.0,34,g/dL,G/DL,-453 +775462431,3160468,97,3,Hgb,8.8,8.8,g/dL,GM/DL,171 +776434545,3160468,-473,3,platelets x 1000,360.0,360,K/mcL,THOU/UL,-453 +773404817,3160468,97,1,bicarbonate,26.0,26,mmol/L,MEQ/L,171 +776434532,3160468,-473,3,-lymphs,6.0,6,%,%,-433 +776591784,3160468,3077,3,-lymphs,23.8,23.8,%,%,3121 +775462432,3160468,97,3,WBC x 1000,13.6,13.6,K/mcL,THOU/UL,171 +776434537,3160468,-473,3,-bands,2.0,2,%,%,-433 +776591783,3160468,3077,3,MPV,8.8,8.8,fL,FL,3121 +774827443,3160468,3332,2,Vancomycin - trough,16.6,16.6,mcg/mL,UG/ML,3435 +776434538,3160468,-473,3,MCV,83.0,83,fL,FL,-453 +776591785,3160468,3077,3,RBC,3.22,3.22,M/mcL,MILL/UL,3121 +775462433,3160468,97,3,RDW,13.8,13.8,%,%,171 +776434536,3160468,-473,3,-eos,1.0,1,%,%,-433 +776591786,3160468,3077,3,-basos,0.2,0.2,%,%,3121 +777276378,3160468,-473,4,serum osmolality,260.0,260,mOsm/kg H2O,MOSM/KG,-448 +776434539,3160468,-473,3,Hgb,11.8,11.8,g/dL,GM/DL,-453 +776591793,3160468,3077,3,RDW,13.7,13.7,%,%,3121 +775462423,3160468,97,3,MPV,9.3,9.3,fL,FL,171 +776434533,3160468,-473,3,RBC,4.18,4.18,M/mcL,MILL/UL,-453 +776591794,3160468,3077,3,MCH,28.0,28,pg,PG,3121 +774638904,3160468,3077,1,bicarbonate,26.0,26,mmol/L,MEQ/L,3098 +776591795,3160468,3077,3,-monos,7.4,7.4,%,%,3121 +774638903,3160468,3077,1,sodium,141.0,141,mmol/L,MMOL/L,3098 +776591791,3160468,3077,3,Hgb,8.9,8.9,g/dL,GM/DL,3121 +774638901,3160468,3077,1,creatinine,1.0,1.0,mg/dL,MG/DL,3098 +776591792,3160468,3077,3,WBC x 1000,5.3,5.3,K/mcL,THOU/UL,3121 +774638905,3160468,3077,1,calcium,7.9,7.9,mg/dL,MG/DL,3098 +776591796,3160468,3077,3,MCHC,32.0,32,g/dL,G/DL,3121 +774638907,3160468,3077,1,chloride,108.0,108,mmol/L,MEQ/L,3098 +776591788,3160468,3077,3,Hct,27.6,27.6,%,%,3121 +774638906,3160468,3077,1,glucose,80.0,80,mg/dL,MG/DL,3098 +776591787,3160468,3077,3,-polys,63.9,63.9,%,%,3121 +774638900,3160468,3077,1,potassium,3.5,3.5,mmol/L,MMOL/L,3098 +776591789,3160468,3077,3,-eos,4.7,4.7,%,%,3121 +777149827,3160468,1498,4,serum osmolality,273.0,273,mOsm/kg H2O,MOSM/KG,1550 +776591790,3160468,3077,3,MCV,86.0,86,fL,FL,3121 +774638908,3160468,3077,1,BUN,6.0,6,mg/dL,MG/DL,3098 +777319242,3160468,3077,4,serum osmolality,277.0,277,mOsm/kg H2O,MOSM/KG,3098 +777016253,3160468,97,4,serum osmolality,267.0,267,mOsm/kg H2O,MOSM/KG,171 +776591797,3160468,3077,3,platelets x 1000,332.0,332,K/mcL,THOU/UL,3121 +774638902,3160468,3077,1,anion gap,11.0,11,,,3098 +774159155,3160468,807,1,lactate,0.7,0.7,mmol/L,MMOL/L,821 +47040076,141765,-169,1,creatinine,1.32,1.32,mg/dL,mg/dL,-133 +47040086,141765,-169,1,glucose,91.0,91,mg/dL,mg/dL,-133 +47040087,141765,-169,1,chloride,101.0,101,mmol/L,mmol/L,-133 +47040074,141765,-169,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,-133 +45363073,141765,646,1,sodium,139.0,139,mmol/L,mmol/L,692 +47040081,141765,-169,1,albumin,3.7,3.7,g/dL,g/dL,-133 +50908506,141765,-169,3,platelets x 1000,239.0,239,K/mcL,K/mcL,-153 +45363072,141765,646,1,anion gap,17.0,17,,mmol/L,692 +50908504,141765,-169,3,-monos,4.0,4,%,%,-153 +47040082,141765,-169,1,bicarbonate,23.0,23,mmol/L,mmol/L,-133 +50908503,141765,-169,3,MCH,29.9,29.9,pg,pg,-153 +45363076,141765,646,1,glucose,61.0,61,mg/dL,mg/dL,692 +52777352,141765,646,3,MCV,91.5,91.5,fL,fl,685 +47040083,141765,-169,1,total protein,7.4,7.4,g/dL,g/dL,-133 +50908505,141765,-169,3,MCHC,32.8,32.8,g/dL,g/dL,-153 +45363077,141765,646,1,chloride,105.0,105,mmol/L,mmol/L,692 +52777351,141765,646,3,-eos,1.0,1,%,%,685 +47040079,141765,-169,1,AST (SGOT),28.0,28,Units/L,Units/L,-133 +50908495,141765,-169,3,-basos,0.0,0,%,%,-153 +45363075,141765,646,1,calcium,8.3,8.3,mg/dL,mg/dL,692 +52777353,141765,646,3,Hgb,12.3,12.3,g/dL,g/dL,685 +47040080,141765,-169,1,sodium,138.0,138,mmol/L,mmol/L,-133 +50908502,141765,-169,3,RDW,13.5,13.5,%,%,-153 +45363078,141765,646,1,BUN,28.0,28,mg/dL,mg/dL,692 +52777350,141765,646,3,Hct,37.8,37.8,%,%,685 +47040085,141765,-169,1,ALT (SGPT),29.0,29,Units/L,Units/L,-133 +50908494,141765,-169,3,RBC,4.11,4.11,M/mcL,mil/mcL,-153 +55848360,141765,2086,3,PT - INR,4.2,4.2,ratio,,2120 +52777354,141765,646,3,WBC x 1000,10.2,10.2,K/mcL,K/mcL,685 +45363074,141765,646,1,bicarbonate,21.0,21,mmol/L,mmol/L,692 +50908498,141765,-169,3,-eos,0.0,0,%,%,-153 +57820001,141765,-169,4,BNP,478.0,478,pg/mL,pg/mL,-132 +52777349,141765,646,3,-polys,70.0,70,%,%,685 +55848359,141765,2086,3,PT,47.5,47.5,sec,sec,2120 +50908500,141765,-169,3,Hgb,12.3,12.3,g/dL,g/dL,-153 +47040084,141765,-169,1,calcium,9.3,9.3,mg/dL,mg/dL,-133 +52777348,141765,646,3,-basos,0.0,0,%,%,685 +46724485,141765,2086,1,bicarbonate,26.0,26,mmol/L,mmol/L,2122 +50908499,141765,-169,3,MCV,91.2,91.2,fL,fl,-153 +45363071,141765,646,1,creatinine,1.04,1.04,mg/dL,mg/dL,692 +52777355,141765,646,3,RDW,13.5,13.5,%,%,685 +46724486,141765,2086,1,calcium,8.4,8.4,mg/dL,mg/dL,2122 +50908496,141765,-169,3,-polys,86.0,86,%,%,-153 +47040088,141765,-169,1,BUN,35.0,35,mg/dL,mg/dL,-133 +52777347,141765,646,3,RBC,4.13,4.13,M/mcL,mil/mcL,685 +46724482,141765,2086,1,creatinine,0.85,0.85,mg/dL,mg/dL,2122 +50908497,141765,-169,3,Hct,37.5,37.5,%,%,-153 +49364644,141765,-169,1,magnesium,2.0,2.0,mg/dL,mg/dL,-133 +52777356,141765,646,3,MCH,29.8,29.8,pg,pg,685 +46724483,141765,2086,1,anion gap,12.0,12,,mmol/L,2122 +50462581,141765,-169,3,PT - INR,1.8,1.8,ratio,,-141 +47040077,141765,-169,1,alkaline phos.,73.0,73,Units/L,Units/L,-133 +52777346,141765,646,3,-lymphs,19.0,19,%,%,685 +46724481,141765,2086,1,potassium,3.7,3.7,mmol/L,mmol/L,2122 +50908493,141765,-169,3,-lymphs,10.0,10,%,%,-153 +45363070,141765,646,1,potassium,4.1,4.1,mmol/L,mmol/L,692 +52777358,141765,646,3,MCHC,32.5,32.5,g/dL,g/dL,685 +46724484,141765,2086,1,sodium,142.0,142,mmol/L,mmol/L,2122 +50462580,141765,-169,3,PT,19.4,19.4,sec,sec,-141 +47040078,141765,-169,1,anion gap,18.0,18,,mmol/L,-133 +52777357,141765,646,3,-monos,10.0,10,%,%,685 +46724487,141765,2086,1,glucose,79.0,79,mg/dL,mg/dL,2122 +59110091,141765,775,4,bedside glucose,89.0,89,mg/dL,mg/dL,777 +43686169,141765,81,1,troponin - I,0.02,0.02,ng/mL,ng/mL,105 +50908501,141765,-169,3,WBC x 1000,11.1,11.1,K/mcL,K/mcL,-153 +46724488,141765,2086,1,chloride,108.0,108,mmol/L,mmol/L,2122 +52777359,141765,646,3,platelets x 1000,191.0,191,K/mcL,K/mcL,685 +47040075,141765,-169,1,potassium,4.4,4.4,mmol/L,mmol/L,-133 +44571398,141765,-169,1,troponin - I,0.02,0.02,ng/mL,ng/mL,-133 +58593175,141765,934,4,urinary specific gravity,1.01,1.010,,,970 +46724489,141765,2086,1,BUN,16.0,16,mg/dL,mg/dL,2122 +59087859,141765,-169,4,TSH,3.194,3.194,mcU/ml,mcUnits/mL,-106 +356457696,1457949,25,1,potassium,3.3,3.3,mmol/L,mEq/L,155 +356457698,1457949,25,1,bicarbonate,26.0,26,mmol/L,mEq/L,155 +356457695,1457949,25,1,sodium,142.0,142,mmol/L,mEq/L,155 +356457706,1457949,25,1,ALT (SGPT),14.0,14,Units/L,U/L,155 +356457705,1457949,25,1,AST (SGOT),16.0,16,Units/L,U/L,155 +356457707,1457949,25,1,alkaline phos.,65.0,65,Units/L,U/L,155 +354814435,1457949,-276,1,potassium,4.2,4.2,mmol/L,mEq/L,-235 +356457704,1457949,25,1,albumin,3.6,3.6,g/dL,g/dL,155 +354814439,1457949,-276,1,calcium,9.5,9.5,mg/dL,mg/dL,-235 +361280387,1457949,-276,3,MCHC,35.3,35.3,g/dL,g/dL,-250 +356457703,1457949,25,1,total protein,6.6,6.6,g/dL,g/dL,155 +361280388,1457949,-276,3,platelets x 1000,245.0,245,K/mcL,K/uL,-250 +354814437,1457949,-276,1,sodium,129.0,129,mmol/L,mEq/L,-235 +361280379,1457949,-276,3,-polys,49.0,49,%,%,-249 +356457708,1457949,25,1,total bilirubin,,<0.1,mg/dL,mg/dL,159 +361280376,1457949,-276,3,-lymphs,42.0,42,%,%,-249 +354814441,1457949,-276,1,chloride,90.0,90,mmol/L,mEq/L,-235 +361280377,1457949,-276,3,RBC,5.29,5.29,M/mcL,MIL/uL,-250 +356457701,1457949,25,1,creatinine,0.61,0.61,mg/dL,mg/dL,155 +361280380,1457949,-276,3,Hct,45.3,45.3,%,%,-250 +354814436,1457949,-276,1,creatinine,0.65,0.65,mg/dL,mg/dL,-235 +361280378,1457949,-276,3,-basos,0.0,0,%,%,-249 +361787102,1457949,25,3,RDW,11.8,11.8,%,%,111 +356457699,1457949,25,1,glucose,157.0,157,mg/dL,mg/dL,155 +361787101,1457949,25,3,WBC x 1000,10.6,10.6,K/mcL,K/uL,111 +361280386,1457949,-276,3,-monos,7.0,7,%,%,-249 +361787100,1457949,25,3,Hgb,15.1,15.1,g/dL,g/dL,111 +354814440,1457949,-276,1,glucose,782.0,782,mg/dL,mg/dL,-209 +373708142,1457949,-966,7,FiO2,0.21,0.21,%,%,-223 +361280384,1457949,-276,3,WBC x 1000,9.1,9.1,K/mcL,K/uL,-250 +361787103,1457949,25,3,MCHC,35.1,35.1,g/dL,g/dL,111 +356457702,1457949,25,1,calcium,9.2,9.2,mg/dL,mg/dL,155 +373708140,1457949,-966,7,HCO3,23.7,23.7,mmol/L,mEq/L,-223 +361280383,1457949,-276,3,Hgb,16.0,16.0,g/dL,g/dL,-250 +361787104,1457949,25,3,platelets x 1000,239.0,239,K/mcL,K/uL,111 +354814442,1457949,-276,1,BUN,11.0,11,mg/dL,mg/dL,-235 +373708143,1457949,-966,7,LPM O2,21.0,21.0,L/min,L/min,-223 +361280381,1457949,-276,3,-eos,2.0,2,%,%,-249 +361787097,1457949,25,3,RBC,5.13,5.13,M/mcL,MIL/uL,111 +356457700,1457949,25,1,BUN,12.0,12,mg/dL,mg/dL,155 +373708141,1457949,-966,7,Base Deficit,1.3,1.3,mEq/L,mmol/L,-223 +361280382,1457949,-276,3,MCV,85.6,85.6,fL,fL,-250 +361787098,1457949,25,3,Hct,43.0,43.0,%,%,111 +354814438,1457949,-276,1,bicarbonate,24.0,24,mmol/L,mEq/L,-235 +373708139,1457949,-966,7,Total CO2,21.1,21.1,,mmol/L,-223 +361280385,1457949,-276,3,RDW,11.8,11.8,%,%,-250 +361787099,1457949,25,3,MCV,83.8,83.8,fL,fL,111 +356457697,1457949,25,1,chloride,104.0,104,mmol/L,mEq/L,155 +373708146,1457949,-966,7,O2 Sat (%),86.2,86.2,%,%,-223 +228073257,965083,1338,1,phosphate,3.9,3.9,mg/dL,mg/dL,1378 +228073256,965083,1338,1,calcium,7.9,7.9,mg/dL,mg/dL,1378 +228073258,965083,1338,1,ALT (SGPT),18.0,18,Units/L,IU/L,1378 +228073247,965083,1338,1,creatinine,0.84,0.84,mg/dL,mg/dL,1378 +228073245,965083,1338,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,1378 +228073261,965083,1338,1,BUN,23.0,23,mg/dL,mg/dL,1378 +228073255,965083,1338,1,total protein,5.9,5.9,g/dL,g/dL,1378 +228073249,965083,1338,1,anion gap,11.0,11,,,1378 +228073248,965083,1338,1,alkaline phos.,63.0,63,Units/L,IU/L,1378 +228073251,965083,1338,1,sodium,143.0,143,mmol/L,mmol/L,1378 +228073252,965083,1338,1,magnesium,2.0,2.0,mg/dL,mg/dL,1378 +228073260,965083,1338,1,chloride,108.0,108,mmol/L,mmol/L,1378 +228073253,965083,1338,1,albumin,3.2,3.2,g/dL,g/dL,1378 +228073259,965083,1338,1,glucose,147.0,147,mg/dL,mg/dL,1378 +228073250,965083,1338,1,AST (SGOT),24.0,24,Units/L,IU/L,1378 +229591743,965083,-143,3,Hgb,13.6,13.6,g/dL,g/dL,-123 +228073246,965083,1338,1,potassium,3.5,3.5,mmol/L,mmol/L,1378 +229591748,965083,-143,3,MCHC,31.7,31.7,g/dL,g/dL,-123 +231457439,965083,-143,4,bedside glucose,289.0,289,mg/dL,mg/dL,-133 +229499070,965083,5623,3,-monos,6.3,6.3,%,%,5657 +229591741,965083,-143,3,-eos,2.0,2.0,%,%,-123 +229499065,965083,5623,3,RDW,15.4,15.4,%,%,5657 +232585542,965083,-143,7,Total CO2,20.0,20,,mmol/L,-133 +229499061,965083,5623,3,Hct,40.6,40.6,%,%,5657 +228073254,965083,1338,1,bicarbonate,24.0,24,mmol/L,mmol/L,1378 +229535329,965083,2708,3,-monos,5.8,5.8,%,%,2771 +227622374,965083,2708,1,AST (SGOT),33.0,33,Units/L,IU/L,2753 +229535328,965083,2708,3,MCH,27.7,27.7,pg,pg,2771 +229591739,965083,-143,3,-polys,43.4,43.4,%,%,-123 +229535330,965083,2708,3,MCHC,33.0,33.0,g/dL,g/dL,2771 +228011598,965083,5623,1,potassium,3.9,3.9,mmol/L,mmol/L,5677 +229535331,965083,2708,3,platelets x 1000,196.0,196,K/mcL,th/uL,2771 +232241321,965083,-132,7,Base Excess,-5.4,-5.4,mEq/L,mmol/L,25 +229535327,965083,2708,3,RDW,15.3,15.3,%,%,2771 +227622371,965083,2708,1,creatinine,1.09,1.09,mg/dL,mg/dL,2753 +229191293,965083,7062,1,BUN,60.0,60,mg/dL,mg/dL,7118 +229591742,965083,-143,3,MCV,85.9,85.9,fL,fL,-123 +229535321,965083,2708,3,RBC,4.25,4.25,M/mcL,mill/uL,2771 +228011607,965083,5623,1,AST (SGOT),25.0,25,Units/L,IU/L,5677 +229535320,965083,2708,3,-lymphs,3.0,3.0,%,%,2771 +232241311,965083,-132,7,FiO2,100.0,100,%,%,-111 +229535322,965083,2708,3,-polys,91.2,91.2,%,%,2771 +227622370,965083,2708,1,potassium,3.3,3.3,mmol/L,mmol/L,2753 +229535323,965083,2708,3,Hct,35.8,35.8,%,%,2771 +229591740,965083,-143,3,Hct,43.1,43.1,%,%,-123 +229535319,965083,2708,3,MPV,8.7,8.7,fL,fL,2771 +228011597,965083,5623,1,sodium,142.0,142,mmol/L,mmol/L,5677 +229535324,965083,2708,3,MCV,84.1,84.1,fL,fL,2771 +232241313,965083,-132,7,Carboxyhemoglobin,1.3,1.3,%,%,25 +229535325,965083,2708,3,Hgb,11.8,11.8,g/dL,g/dL,2771 +227622372,965083,2708,1,alkaline phos.,56.0,56,Units/L,IU/L,2753 +229499069,965083,5623,3,-lymphs,4.7,4.7,%,%,5657 +229591737,965083,-143,3,RBC,5.01,5.01,M/mcL,mill/uL,-123 +229191300,965083,7062,1,anion gap,9.0,9,,,7118 +228011600,965083,5623,1,bicarbonate,27.0,27,mmol/L,mmol/L,5677 +229191298,965083,7062,1,bicarbonate,28.0,28,mmol/L,mmol/L,7118 +232241308,965083,-132,7,HCO3,20.0,20.0,mmol/L,mmol/L,25 +229191299,965083,7062,1,calcium,8.5,8.5,mg/dL,mg/dL,7118 +227622380,965083,2708,1,ALT (SGPT),19.0,19,Units/L,IU/L,2753 +229191294,965083,7062,1,creatinine,1.68,1.68,mg/dL,mg/dL,7118 +229591736,965083,-143,3,-lymphs,48.4,48.4,%,%,-123 +229191295,965083,7062,1,sodium,141.0,141,mmol/L,mmol/L,7118 +228011599,965083,5623,1,chloride,104.0,104,mmol/L,mmol/L,5677 +229191291,965083,7062,1,magnesium,2.6,2.6,mg/dL,mg/dL,7118 +232241312,965083,-132,7,paO2,106.0,106.0,mm Hg,mmHg,25 +229191296,965083,7062,1,potassium,3.7,3.7,mmol/L,mmol/L,7118 +227622378,965083,2708,1,total protein,5.8,5.8,g/dL,g/dL,2753 +229191292,965083,7062,1,glucose,115.0,115,mg/dL,mg/dL,7118 +229591749,965083,-143,3,platelets x 1000,331.0,331,K/mcL,th/uL,-123 +230025830,965083,7062,3,RBC,4.43,4.43,M/mcL,mill/uL,7093 +228011595,965083,5623,1,BUN,47.0,47,mg/dL,mg/dL,5677 +229499068,965083,5623,3,-polys,89.0,89.0,%,%,5657 +232241307,965083,-132,7,Total CO2,47.6,47.6,,mmol/L,25 +230025831,965083,7062,3,Hgb,12.4,12.4,g/dL,g/dL,7093 +227622379,965083,2708,1,calcium,8.1,8.1,mg/dL,mg/dL,2753 +229191297,965083,7062,1,chloride,104.0,104,mmol/L,mmol/L,7118 +229591738,965083,-143,3,-basos,0.4,0.4,%,%,-123 +230025829,965083,7062,3,WBC x 1000,11.1,11.1,K/mcL,th/uL,7093 +228011603,965083,5623,1,total protein,6.2,6.2,g/dL,g/dL,5677 +230500016,965083,4233,3,platelets x 1000,269.0,269,K/mcL,th/uL,4261 +229499062,965083,5623,3,MCV,84.0,84.0,fL,fL,5657 +231364986,965083,3427,4,bedside glucose,108.0,108,mg/dL,mg/dL,3427 +230500013,965083,4233,3,MCH,27.9,27.9,pg,pg,4261 +230025832,965083,7062,3,Hct,37.2,37.2,%,%,7093 +227622381,965083,2708,1,glucose,131.0,131,mg/dL,mg/dL,2753 +230500014,965083,4233,3,-monos,5.7,5.7,%,%,4261 +229513238,965083,2708,3,PT - INR,1.0,1.0,ratio,,2788 +229591735,965083,-143,3,MPV,8.5,8.5,fL,fL,-123 +230500010,965083,4233,3,Hgb,12.9,12.9,g/dL,g/dL,4261 +230025835,965083,7062,3,MCHC,33.4,33.4,g/dL,g/dL,7093 +228011604,965083,5623,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,5677 +229560578,965083,1338,3,RBC,4.33,4.33,M/mcL,mill/uL,1435 +229499064,965083,5623,3,MCHC,33.3,33.3,g/dL,g/dL,5657 +232241315,965083,-132,7,O2 Content,17.3,17.3,mls/dL,mL/dL,25 +230500009,965083,4233,3,MCV,83.4,83.4,fL,fL,4261 +230025833,965083,7062,3,MCV,84.0,84.0,fL,fL,7093 +227622377,965083,2708,1,bicarbonate,25.0,25,mmol/L,mmol/L,2753 +229560579,965083,1338,3,-basos,0.1,0.1,%,%,1435 +229513237,965083,2708,3,PT,11.6,11.6,sec,sec,2788 +229260758,965083,-143,1,potassium,3.7,3.7,mmol/L,mmol/L,-133 +230500011,965083,4233,3,WBC x 1000,14.3,14.3,K/mcL,th/uL,4261 +230025834,965083,7062,3,MCH,28.1,28.1,pg,pg,7093 +228011608,965083,5623,1,anion gap,11.0,11,,,5677 +229560577,965083,1338,3,-lymphs,8.3,8.3,%,%,1435 +229499063,965083,5623,3,MCH,28.0,28.0,pg,pg,5657 +231225869,965083,7738,4,bedside glucose,112.0,112,mg/dL,mg/dL,7738 +230500008,965083,4233,3,Hct,38.6,38.6,%,%,4261 +230025842,965083,7062,3,-basos,0.1,0.1,%,%,7093 +227622382,965083,2708,1,chloride,105.0,105,mmol/L,mmol/L,2753 +229560582,965083,1338,3,MCV,84.7,84.7,fL,fL,1435 +229499058,965083,5623,3,WBC x 1000,12.8,12.8,K/mcL,th/uL,5657 +229591746,965083,-143,3,MCH,27.2,27.2,pg,pg,-123 +230500012,965083,4233,3,RDW,15.8,15.8,%,%,4261 +227798245,965083,3468,1,BUN,37.0,37,mg/dL,mg/dL,3488 +228011602,965083,5623,1,albumin,3.7,3.7,g/dL,g/dL,5677 +229560580,965083,1338,3,-polys,90.1,90.1,%,%,1435 +230025841,965083,7062,3,-monos,7.6,7.6,%,%,7093 +232241316,965083,-132,7,Respiratory Rate,24.0,24,/min,,-111 +230500015,965083,4233,3,MCHC,33.5,33.5,g/dL,g/dL,4261 +227798244,965083,3468,1,chloride,103.0,103,mmol/L,mmol/L,3488 +227622369,965083,2708,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,2753 +229023285,965083,1338,1,troponin - I,0.533,0.533,ng/mL,ng/mL,1409 +229499066,965083,5623,3,platelets x 1000,265.0,265,K/mcL,th/uL,5657 +229260759,965083,-143,1,sodium,144.0,144,mmol/L,mmol/L,-133 +230500004,965083,4233,3,-lymphs,3.0,3.0,%,%,4261 +227798242,965083,3468,1,calcium,8.1,8.1,mg/dL,mg/dL,3488 +228011605,965083,5623,1,alkaline phos.,57.0,57,Units/L,IU/L,5677 +229560589,965083,1338,3,platelets x 1000,197.0,197,K/mcL,th/uL,1435 +230025840,965083,7062,3,-lymphs,5.2,5.2,%,%,7093 +231304352,965083,558,4,bedside glucose,120.0,120,mg/dL,mg/dL,558 +230500007,965083,4233,3,-polys,91.2,91.2,%,%,4261 +227798243,965083,3468,1,glucose,130.0,130,mg/dL,mg/dL,3488 +227622373,965083,2708,1,anion gap,11.0,11,,,2753 +229560588,965083,1338,3,MCHC,32.7,32.7,g/dL,g/dL,1435 +229499060,965083,5623,3,Hgb,13.5,13.5,g/dL,g/dL,5657 +229352191,965083,-143,3,PT,10.4,10.4,sec,sec,-118 +230500003,965083,4233,3,MPV,8.3,8.3,fL,fL,4261 +227798240,965083,3468,1,sodium,141.0,141,mmol/L,mmol/L,3488 +228011606,965083,5623,1,ALT (SGPT),20.0,20,Units/L,IU/L,5677 +229560586,965083,1338,3,MCH,27.7,27.7,pg,pg,1435 +230025837,965083,7062,3,platelets x 1000,238.0,238,K/mcL,th/uL,7093 +232241309,965083,-132,7,Vent Rate,16.0,16,/min,,-111 +230500005,965083,4233,3,RBC,4.63,4.63,M/mcL,mill/uL,4261 +227798241,965083,3468,1,bicarbonate,27.0,27,mmol/L,mmol/L,3488 +227622375,965083,2708,1,sodium,141.0,141,mmol/L,mmol/L,2753 +229560587,965083,1338,3,-monos,1.5,1.5,%,%,1435 +229499059,965083,5623,3,RBC,4.83,4.83,M/mcL,mill/uL,5657 +229591744,965083,-143,3,WBC x 1000,19.5,19.5,K/mcL,th/uL,-123 +230500006,965083,4233,3,-basos,0.1,0.1,%,%,4261 +227798238,965083,3468,1,creatinine,1.08,1.08,mg/dL,mg/dL,3488 +228011594,965083,5623,1,glucose,130.0,130,mg/dL,mg/dL,5677 +229560581,965083,1338,3,Hct,36.6,36.6,%,%,1435 +230025838,965083,7062,3,MPV,8.3,8.3,fL,fL,7093 +231389834,965083,1944,4,bedside glucose,151.0,151,mg/dL,mg/dL,1944 +229884820,965083,1338,3,PT,11.4,11.4,sec,sec,1369 +227798239,965083,3468,1,anion gap,11.0,11,,,3488 +227622376,965083,2708,1,albumin,3.2,3.2,g/dL,g/dL,2753 +229560583,965083,1338,3,Hgb,12.0,12.0,g/dL,g/dL,1435 +229499067,965083,5623,3,MPV,8.3,8.3,fL,fL,5657 +229260760,965083,-143,1,ionized calcium,4.8,4.8,mg/dL,mg/dL,-133 +227420579,965083,-112,1,lactate,2.3,2.3,mmol/L,mmol/L,-106 +227816217,965083,208,1,troponin - I,0.751,0.751,ng/mL,ng/mL,256 +228011601,965083,5623,1,calcium,8.6,8.6,mg/dL,mg/dL,5677 +229560584,965083,1338,3,WBC x 1000,5.9,5.9,K/mcL,th/uL,1435 +230025839,965083,7062,3,-polys,87.1,87.1,%,%,7093 +232241317,965083,-132,7,pH,7.31,7.31,,,25 +231158119,965083,5754,4,bedside glucose,137.0,137,mg/dL,mg/dL,5754 +227798237,965083,3468,1,potassium,3.4,3.4,mmol/L,mmol/L,3488 +231252360,965083,-67,4,urinary specific gravity,1.02,1.020,,,-53 +229560585,965083,1338,3,RDW,15.2,15.2,%,%,1435 +229535326,965083,2708,3,WBC x 1000,13.3,13.3,K/mcL,th/uL,2771 +229352193,965083,-143,3,PTT,26.9,26.9,sec,sec,-118 +229884821,965083,1338,3,PT - INR,1.0,1.0,ratio,,1369 +227730843,965083,-143,1,troponin - I,0.03,0.03,ng/mL,ng/mL,-130 +231260528,965083,3120,4,bedside glucose,118.0,118,mg/dL,mg/dL,3120 +229560576,965083,1338,3,MPV,8.5,8.5,fL,fL,1435 +230025836,965083,7062,3,RDW,15.4,15.4,%,%,7093 +231417666,965083,6338,4,bedside glucose,117.0,117,mg/dL,mg/dL,6338 +228289549,965083,4233,1,chloride,104.0,104,mmol/L,mmol/L,4276 +231328714,965083,7430,4,bedside glucose,137.0,137,mg/dL,mg/dL,7430 +228289548,965083,4233,1,glucose,134.0,134,mg/dL,mg/dL,4276 +229591747,965083,-143,3,-monos,5.8,5.8,%,%,-123 +228289550,965083,4233,1,BUN,41.0,41,mg/dL,mg/dL,4276 +231296885,965083,77,4,bedside glucose,82.0,82,mg/dL,mg/dL,77 +228289547,965083,4233,1,ALT (SGPT),20.0,20,Units/L,IU/L,4276 +232241314,965083,-132,7,paCO2,41.0,41.0,mm Hg,mmHg,25 +228289544,965083,4233,1,bicarbonate,26.0,26,mmol/L,mmol/L,4276 +231374064,965083,283,4,bedside glucose,104.0,104,mg/dL,mg/dL,283 +228289545,965083,4233,1,total protein,6.2,6.2,g/dL,g/dL,4276 +229260761,965083,-143,1,chloride,107.0,107,mmol/L,mmol/L,-133 +228289546,965083,4233,1,calcium,8.4,8.4,mg/dL,mg/dL,4276 +227622383,965083,2708,1,BUN,37.0,37,mg/dL,mg/dL,2753 +228289541,965083,4233,1,AST (SGOT),24.0,24,Units/L,IU/L,4276 +231316145,965083,4887,4,bedside glucose,137.0,137,mg/dL,mg/dL,4887 +228289542,965083,4233,1,sodium,142.0,142,mmol/L,mmol/L,4276 +231157734,965083,7221,4,bedside glucose,112.0,112,mg/dL,mg/dL,7221 +228289543,965083,4233,1,albumin,3.5,3.5,g/dL,g/dL,4276 +229352192,965083,-143,3,PT - INR,0.9,0.9,ratio,,-118 +228289537,965083,4233,1,potassium,4.0,4.0,mmol/L,mmol/L,4276 +231439802,965083,1733,4,bedside glucose,159.0,159,mg/dL,mg/dL,1733 +228289538,965083,4233,1,creatinine,1.33,1.33,mg/dL,mg/dL,4276 +232241310,965083,-132,7,Methemoglobin,0.3,.30,%,%,25 +228289536,965083,4233,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,4276 +231159071,965083,-143,4,BNP,1950.0,1950.0,pg/mL,pg/mL,-119 +228289539,965083,4233,1,alkaline phos.,58.0,58,Units/L,IU/L,4276 +229591745,965083,-143,3,RDW,15.5,15.5,%,%,-123 +228289540,965083,4233,1,anion gap,12.0,12,,,4276 +231370755,965083,4331,4,bedside glucose,134.0,134,mg/dL,mg/dL,4331 +227429587,965083,-143,1,AST (SGOT),23.0,23,Units/L,IU/L,-104 +228185388,965083,565,1,troponin - I,0.841,0.841,ng/mL,ng/mL,609 +227429590,965083,-143,1,calcium,8.7,8.7,mg/dL,mg/dL,-104 +231355892,965083,5136,4,bedside glucose,127.0,127,mg/dL,mg/dL,5136 +227429586,965083,-143,1,alkaline phos.,86.0,86,Units/L,IU/L,-104 +231242764,965083,6023,4,bedside glucose,146.0,146,mg/dL,mg/dL,6023 +227429589,965083,-143,1,total protein,6.8,6.8,g/dL,g/dL,-104 +231258835,965083,898,4,bedside glucose,247.0,247,mg/dL,mg/dL,898 +227429591,965083,-143,1,ALT (SGPT),19.0,19,Units/L,IU/L,-104 +231417592,965083,793,4,bedside glucose,234.0,234,mg/dL,mg/dL,793 +231295689,965083,6539,4,bedside glucose,142.0,142,mg/dL,mg/dL,6539 +228011596,965083,5623,1,creatinine,1.25,1.25,mg/dL,mg/dL,5677 +227429585,965083,-143,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-104 +232241319,965083,-132,7,O2 Sat (%),98.3,98.3,%,%,25 +231223143,965083,2274,4,bedside glucose,171.0,171,mg/dL,mg/dL,2274 +231459127,965083,3698,4,bedside glucose,149.0,149,mg/dL,mg/dL,3698 +227429588,965083,-143,1,albumin,3.9,3.9,g/dL,g/dL,-104 +356152772,1544756,-616,1,albumin,3.9,3.9,g/dL,g/dL,-579 +364525560,1544756,144,3,-lymphs,8.0,8,%,%,163 +356152771,1544756,-616,1,sodium,143.0,143,mmol/L,mEq/L,-579 +364525561,1544756,144,3,RBC,3.8,3.80,M/mcL,MIL/uL,163 +356152770,1544756,-616,1,AST (SGOT),19.0,19,Units/L,U/L,-579 +362314970,1544756,-616,3,-eos,0.0,0,%,%,-600 +356152774,1544756,-616,1,total protein,7.3,7.3,g/dL,g/dL,-579 +364525562,1544756,144,3,-basos,0.0,0,%,%,163 +356152775,1544756,-616,1,calcium,9.9,9.9,mg/dL,mg/dL,-579 +362314971,1544756,-616,3,MCV,93.0,93.0,fL,fL,-600 +356152773,1544756,-616,1,bicarbonate,15.0,15,mmol/L,mEq/L,-579 +364525571,1544756,144,3,MCHC,31.5,31.5,g/dL,g/dL,163 +356152768,1544756,-616,1,creatinine,1.83,1.83,mg/dL,mg/dL,-579 +362314965,1544756,-616,3,-lymphs,5.0,5,%,%,-600 +356152779,1544756,-616,1,BUN,16.0,16,mg/dL,mg/dL,-579 +364525568,1544756,144,3,WBC x 1000,14.9,14.9,K/mcL,K/uL,163 +356152766,1544756,-616,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,-579 +362314972,1544756,-616,3,Hgb,12.9,12.9,g/dL,g/dL,-600 +353429623,1544756,144,1,potassium,3.8,3.8,mmol/L,mEq/L,175 +364525569,1544756,144,3,RDW,15.3,15.3,%,%,163 +356152767,1544756,-616,1,potassium,3.9,3.9,mmol/L,mEq/L,-579 +362314974,1544756,-616,3,RDW,15.1,15.1,%,%,-600 +353429624,1544756,144,1,creatinine,1.67,1.67,mg/dL,mg/dL,175 +364525570,1544756,144,3,-monos,7.0,7,%,%,163 +356152777,1544756,-616,1,glucose,129.0,129,mg/dL,mg/dL,-579 +362314973,1544756,-616,3,WBC x 1000,14.5,14.5,K/mcL,K/uL,-600 +353429625,1544756,144,1,sodium,142.0,142,mmol/L,mEq/L,175 +364525572,1544756,144,3,platelets x 1000,182.0,182,K/mcL,K/uL,163 +359493502,1544756,144,1,CPK-MB,2.8,2.8,ng/mL,ng/mL,264 +362314975,1544756,-616,3,-monos,10.0,10,%,%,-600 +353429630,1544756,144,1,BUN,18.0,18,mg/dL,mg/dL,175 +364525566,1544756,144,3,MCV,93.4,93.4,fL,fL,163 +356152769,1544756,-616,1,alkaline phos.,78.0,78,Units/L,U/L,-579 +362314977,1544756,-616,3,platelets x 1000,205.0,205,K/mcL,K/uL,-600 +353429628,1544756,144,1,glucose,133.0,133,mg/dL,mg/dL,175 +364525567,1544756,144,3,Hgb,11.2,11.2,g/dL,g/dL,163 +359941422,1544756,144,1,troponin - I,,<0.30,ng/mL,ng/mL,176 +362314968,1544756,-616,3,-polys,85.0,85,%,%,-600 +353429629,1544756,144,1,chloride,111.0,111,mmol/L,mEq/L,175 +364525564,1544756,144,3,Hct,35.5,35.5,%,%,163 +356152776,1544756,-616,1,ALT (SGPT),11.0,11,Units/L,U/L,-579 +362314967,1544756,-616,3,-basos,0.0,0,%,%,-600 +353429627,1544756,144,1,calcium,8.9,8.9,mg/dL,mg/dL,175 +364525565,1544756,144,3,-eos,0.0,0,%,%,163 +359493501,1544756,144,1,CPK,35.0,35,Units/L,U/L,265 +362314976,1544756,-616,3,MCHC,32.2,32.2,g/dL,g/dL,-600 +367011411,1544756,-401,4,urinary specific gravity,1.016,1.016,,,-372 +364525563,1544756,144,3,-polys,85.0,85,%,%,163 +358350657,1544756,476,1,CPK-MB,1.8,1.8,ng/mL,ng/mL,612 +362314966,1544756,-616,3,RBC,4.31,4.31,M/mcL,MIL/uL,-600 +356152778,1544756,-616,1,chloride,111.0,111,mmol/L,mEq/L,-579 +357382216,1544756,476,1,troponin - I,,<0.30,ng/mL,ng/mL,553 +358350656,1544756,476,1,CPK,24.0,24,Units/L,U/L,616 +362314969,1544756,-616,3,Hct,40.1,40.1,%,%,-600 +353496902,1544756,-611,1,lactate,1.08,1.08,mmol/L,mmol/L,-613 +353429626,1544756,144,1,bicarbonate,18.0,18,mmol/L,mEq/L,175 +354251240,1544756,-616,1,lipase,19.0,19,Units/L,U/L,-579 +354736953,1544756,144,1,lactate,1.6,1.6,mmol/L,mmol/L,172 +355819674,1463884,-285,1,total protein,8.8,8.8,g/dL,g/dL,-239 +355819675,1463884,-285,1,calcium,9.6,9.6,mg/dL,mg/dL,-239 +355819672,1463884,-285,1,albumin,4.7,4.7,g/dL,g/dL,-239 +355819670,1463884,-285,1,AST (SGOT),13.0,13,Units/L,U/L,-239 +355819679,1463884,-285,1,BUN,13.0,13,mg/dL,mg/dL,-239 +355819671,1463884,-285,1,sodium,131.0,131,mmol/L,mEq/L,-239 +359802734,1463884,3,1,bicarbonate,24.0,24,mmol/L,mEq/L,43 +355819666,1463884,-285,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-239 +362347328,1463884,-285,3,WBC x 1000,9.6,9.6,K/mcL,K/uL,-243 +359802733,1463884,3,1,sodium,134.0,134,mmol/L,mEq/L,43 +362347329,1463884,-285,3,RDW,11.9,11.9,%,%,-243 +355819677,1463884,-285,1,glucose,675.0,675,mg/dL,mg/dL,-239 +362347327,1463884,-285,3,Hgb,17.0,17.0,g/dL,g/dL,-243 +359802738,1463884,3,1,BUN,10.0,10,mg/dL,mg/dL,43 +362347330,1463884,-285,3,-monos,6.0,6,%,%,-243 +355819678,1463884,-285,1,chloride,84.0,84,mmol/L,mEq/L,-239 +362347325,1463884,-285,3,-eos,1.0,1,%,%,-243 +359802732,1463884,3,1,creatinine,0.55,0.55,mg/dL,mg/dL,43 +362347326,1463884,-285,3,MCV,81.6,81.6,fL,fL,-243 +355819673,1463884,-285,1,bicarbonate,21.0,21,mmol/L,mEq/L,-239 +356761050,1463884,147,1,glucose,111.0,111,mg/dL,mg/dL,192 +362347321,1463884,-285,3,RBC,5.87,5.87,M/mcL,MIL/uL,-243 +359802736,1463884,3,1,glucose,166.0,166,mg/dL,mg/dL,43 +356761045,1463884,147,1,potassium,3.4,3.4,mmol/L,mEq/L,192 +362347323,1463884,-285,3,-polys,58.0,58,%,%,-243 +355819676,1463884,-285,1,ALT (SGPT),22.0,22,Units/L,U/L,-239 +356761052,1463884,147,1,BUN,9.0,9,mg/dL,mg/dL,192 +362347322,1463884,-285,3,-basos,0.0,0,%,%,-243 +359802731,1463884,3,1,potassium,3.4,3.4,mmol/L,mEq/L,43 +356761047,1463884,147,1,sodium,136.0,136,mmol/L,mEq/L,192 +362347324,1463884,-285,3,Hct,47.9,47.9,%,%,-243 +355819668,1463884,-285,1,creatinine,0.74,0.74,mg/dL,mg/dL,-239 +356761048,1463884,147,1,bicarbonate,25.0,25,mmol/L,mEq/L,192 +362347331,1463884,-285,3,MCHC,35.5,35.5,g/dL,g/dL,-243 +359802735,1463884,3,1,calcium,8.2,8.2,mg/dL,mg/dL,43 +356761049,1463884,147,1,calcium,8.2,8.2,mg/dL,mg/dL,192 +362347332,1463884,-285,3,platelets x 1000,244.0,244,K/mcL,K/uL,-243 +355819669,1463884,-285,1,alkaline phos.,90.0,90,Units/L,U/L,-239 +356761046,1463884,147,1,creatinine,0.57,0.57,mg/dL,mg/dL,192 +362347320,1463884,-285,3,-lymphs,35.0,35,%,%,-243 +359802737,1463884,3,1,chloride,98.0,98,mmol/L,mEq/L,43 +356761051,1463884,147,1,chloride,100.0,100,mmol/L,mEq/L,192 +367064242,1463884,-268,4,urinary specific gravity,1.02,1.020,,,-250 +355819667,1463884,-285,1,potassium,4.2,4.2,mmol/L,mEq/L,-239 +542948330,2303500,2486,1,creatinine,0.6,0.60,mg/dL,mg/dL,2486 +565442430,2303500,1821,4,bedside glucose,152.0,152,mg/dL,mg/dL,1821 +542948331,2303500,2486,1,alkaline phos.,51.0,51,Units/L,U/L,2486 +563636088,2303500,1446,4,bedside glucose,206.0,206,mg/dL,mg/dL,1446 +564884315,2303500,2896,4,bedside glucose,147.0,147,mg/dL,mg/dL,2896 +542948332,2303500,2486,1,anion gap,7.0,7,,mmol/L,2486 +551619762,2303500,-40,3,Hct,42.3,42.3,%,%,-40 +542948333,2303500,2486,1,AST (SGOT),14.0,14,Units/L,U/L,2486 +551619761,2303500,-40,3,-polys,60.0,60,%,%,-40 +542948340,2303500,2486,1,phosphate,2.6,2.6,mg/dL,mg/dL,2486 +551619758,2303500,-40,3,-lymphs,29.0,29,%,%,-40 +542948341,2303500,2486,1,ALT (SGPT),11.0,11,Units/L,U/L,2486 +551619757,2303500,-40,3,MPV,7.4,7.4,fL,fL,-40 +542948344,2303500,2486,1,BUN,14.0,14,mg/dL,mg/dL,2486 +551619759,2303500,-40,3,RBC,4.4,4.40,M/mcL,M/uL,-40 +542948342,2303500,2486,1,glucose,137.0,137,mg/dL,mg/dL,2486 +551619760,2303500,-40,3,-basos,1.0,1,%,%,-40 +542948343,2303500,2486,1,chloride,103.0,103,mmol/L,mmol/L,2486 +551619763,2303500,-40,3,-eos,5.0,5,%,%,-40 +542948329,2303500,2486,1,potassium,4.5,4.5,mmol/L,mmol/L,2486 +551619764,2303500,-40,3,MCV,96.1,96.1,fL,fL,-40 +542210229,2303500,-40,1,ALT (SGPT),12.0,12,Units/L,U/L,-40 +551619771,2303500,-40,3,platelets x 1000,285.0,285,K/mcL,K/uL,-40 +542948337,2303500,2486,1,bicarbonate,32.0,32,mmol/L,mmol/L,2486 +549847450,2303500,16,1,phosphate,3.6,3.6,mg/dL,mg/dL,16 +542210227,2303500,-40,1,total protein,7.1,7.1,g/dL,g/dL,-40 +551619768,2303500,-40,3,MCH,30.9,30.9,pg,pg,-40 +542948338,2303500,2486,1,total protein,5.7,5.7,g/dL,g/dL,2486 +549847449,2303500,16,1,HDL,81.0,81,mg/dL,mg/dL,16 +542210228,2303500,-40,1,calcium,9.6,9.6,mg/dL,mg/dL,-40 +551619769,2303500,-40,3,-monos,5.0,5,%,%,-40 +542948339,2303500,2486,1,calcium,8.8,8.8,mg/dL,mg/dL,2486 +549847448,2303500,16,1,total cholesterol,217.0,217,mg/dL,mg/dL,16 +542210223,2303500,-40,1,AST (SGOT),20.0,20,Units/L,U/L,-40 +551619765,2303500,-40,3,Hgb,13.6,13.6,g/dL,g/dL,-40 +542948328,2303500,2486,1,total bilirubin,,<0.2,mg/dL,mg/dL,2486 +549847447,2303500,16,1,triglycerides,120.0,120,mg/dL,mg/dL,16 +542210224,2303500,-40,1,sodium,142.0,142,mmol/L,mmol/L,-40 +551619766,2303500,-40,3,WBC x 1000,5.8,5.8,K/mcL,K/uL,-40 +542948336,2303500,2486,1,albumin,2.9,2.9,g/dL,g/dL,2486 +550402822,2303500,1559,2,Vancomycin - trough,8.4,8.4,mcg/mL,ug/mL,1559 +542210226,2303500,-40,1,bicarbonate,39.0,39,mmol/L,mmol/L,-40 +551619770,2303500,-40,3,MCHC,32.2,32.2,g/dL,g/dL,-40 +546630286,2303500,1089,1,phosphate,2.8,2.8,mg/dL,mg/dL,1089 +549847446,2303500,16,1,magnesium,2.1,2.1,mg/dL,mg/dL,16 +542210222,2303500,-40,1,anion gap,7.0,7,,mmol/L,-40 +565008063,2303500,2086,4,bedside glucose,156.0,156,mg/dL,mg/dL,2086 +542948334,2303500,2486,1,sodium,142.0,142,mmol/L,mmol/L,2486 +551619767,2303500,-40,3,RDW,13.4,13.4,%,%,-40 +542210221,2303500,-40,1,alkaline phos.,51.0,51,Units/L,U/L,-40 +555301595,2303500,2486,3,MPV,7.8,7.8,fL,fL,2486 +546630285,2303500,1089,1,magnesium,2.0,2.0,mg/dL,mg/dL,1089 +555301606,2303500,2486,3,MCHC,32.7,32.7,g/dL,g/dL,2486 +542210218,2303500,-40,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-40 +555301596,2303500,2486,3,-lymphs,5.0,5,%,%,2486 +564397107,2303500,1226,4,bedside glucose,118.0,118,mg/dL,mg/dL,1226 +555301601,2303500,2486,3,Hgb,10.6,10.6,g/dL,g/dL,2486 +566305109,2303500,836,4,bedside glucose,241.0,241,mg/dL,mg/dL,836 +555301598,2303500,2486,3,Hct,32.5,32.5,%,%,2486 +542210225,2303500,-40,1,albumin,3.9,3.9,g/dL,g/dL,-40 +555301597,2303500,2486,3,RBC,3.41,3.41,M/mcL,M/uL,2486 +542948335,2303500,2486,1,magnesium,2.0,2.0,mg/dL,mg/dL,2486 +555301599,2303500,2486,3,-bands,4.0,4,%,%,2486 +565438423,2303500,2174,4,bedside glucose,185.0,185,mg/dL,mg/dL,2174 +555301600,2303500,2486,3,MCV,95.3,95.3,fL,fL,2486 +542210219,2303500,-40,1,potassium,4.0,4.0,mmol/L,mmol/L,-40 +555301602,2303500,2486,3,WBC x 1000,13.5,13.5,K/mcL,K/uL,2486 +550402823,2303500,619,2,Gentamicin - random,2.2,2.2,mcg/mL,ug/mL,619 +555301607,2303500,2486,3,platelets x 1000,254.0,254,K/mcL,K/uL,2486 +542210230,2303500,-40,1,glucose,92.0,92,mg/dL,mg/dL,-40 +544309092,2303500,-40,1,lactate,1.0,1.0,mmol/L,mmol/L,-40 +552561937,2303500,-40,3,PT,11.9,11.9,sec,Seconds,-40 +555301603,2303500,2486,3,RDW,13.2,13.2,%,%,2486 +542210220,2303500,-40,1,creatinine,0.66,0.66,mg/dL,mg/dL,-40 +550402820,2303500,3024,2,Vancomycin - trough,11.4,11.4,mcg/mL,ug/mL,3024 +550402821,2303500,2024,2,Gentamicin - random,2.5,2.5,mcg/mL,ug/mL,2024 +564051983,2303500,1131,4,bedside glucose,150.0,150,mg/dL,mg/dL,1131 +542210231,2303500,-40,1,chloride,96.0,96,mmol/L,mmol/L,-40 +555301604,2303500,2486,3,MCH,31.1,31.1,pg,pg,2486 +552561938,2303500,-40,3,PT - INR,0.9,0.9,ratio,,-40 +565366864,2303500,2568,4,bedside glucose,129.0,129,mg/dL,mg/dL,2568 +542210232,2303500,-40,1,BUN,12.0,12,mg/dL,mg/dL,-40 +555301605,2303500,2486,3,-monos,2.0,2,%,%,2486 +656841122,2735662,6051,3,-lymphs,28.0,28,%,%,6106 +652258958,2735662,11876,3,-polys,62.0,62,%,%,11972 +656841132,2735662,6051,3,MCH,27.6,27.6,pg,pg,6106 +652258957,2735662,11876,3,platelets x 1000,322.0,322,K/mcL,K/uL,11928 +656841134,2735662,6051,3,MCHC,32.2,32.2,g/dL,g/dL,6106 +637745450,2735662,7551,1,anion gap,13.2,13.2,,mmol/L,7612 +652258956,2735662,11876,3,RDW,15.1,15.1,%,%,11928 +672599474,2735662,8215,4,bedside glucose,176.0,176,mg/dL,mg/dL,8228 +637745449,2735662,7551,1,bicarbonate,26.0,26,mmol/L,mmol/L,7612 +656841123,2735662,6051,3,RBC,3.01,3.01,M/mcL,M/uL,6106 +672556806,2735662,5374,4,bedside glucose,146.0,146,mg/dL,mg/dL,5387 +637745451,2735662,7551,1,glucose,238.0,238,mg/dL,mg/dL,7612 +652258959,2735662,11876,3,-lymphs,26.0,26,%,%,11972 +668494208,2735662,8971,3,PT - INR,1.4,1.4,ratio,,9115 +637745452,2735662,7551,1,BUN,9.0,9,mg/dL,mg/dL,7612 +656841133,2735662,6051,3,-monos,9.0,9,%,%,6106 +670405276,2735662,7551,3,PT - INR,1.4,1.4,ratio,,7627 +637745447,2735662,7551,1,potassium,4.2,4.2,mmol/L,mmol/L,7612 +652258955,2735662,11876,3,MCHC,32.3,32.3,g/dL,g/dL,11928 +672196906,2735662,5022,4,bedside glucose,161.0,161,mg/dL,mg/dL,5062 +637745453,2735662,7551,1,creatinine,0.63,0.63,mg/dL,mg/dL,7612 +656841124,2735662,6051,3,-basos,1.0,1,%,%,6106 +671858676,2735662,3295,4,bedside glucose,97.0,97,mg/dL,mg/dL,3365 +637745448,2735662,7551,1,chloride,108.0,108,mmol/L,mmol/L,7612 +652258953,2735662,11876,3,MCV,88.0,88,fL,fL,11928 +672417222,2735662,2114,4,bedside glucose,152.0,152,mg/dL,mg/dL,2143 +671388540,2735662,7914,4,bedside glucose,188.0,188,mg/dL,mg/dL,7931 +624799015,2735662,3191,1,albumin,2.0,2.0,g/dL,g/dL,3330 +668494207,2735662,8971,3,PT,17.1,17.1,sec,sec,9115 +637745454,2735662,7551,1,calcium,8.5,8.5,mg/dL,mg/dL,7612 +656841131,2735662,6051,3,RDW,14.4,14.4,%,%,6106 +670405275,2735662,7551,3,PT,16.8,16.8,sec,sec,7627 +671325338,2735662,6462,4,bedside glucose,153.0,153,mg/dL,mg/dL,6473 +661647395,2735662,4636,3,MCHC,33.1,33.1,g/dL,g/dL,4697 +624799016,2735662,3191,1,bicarbonate,21.0,21,mmol/L,mmol/L,3330 +661647394,2735662,4636,3,-monos,11.0,11,%,%,4697 +672519198,2735662,12197,4,bedside glucose,177.0,177,mg/dL,mg/dL,12218 +661647396,2735662,4636,3,platelets x 1000,144.0,144,K/mcL,K/uL,4697 +637745446,2735662,7551,1,sodium,143.0,143,mmol/L,mmol/L,7612 +661647393,2735662,4636,3,MCH,28.3,28.3,pg,pg,4697 +652258951,2735662,11876,3,Hgb,9.5,9.5,g/dL,g/dL,11928 +661647392,2735662,4636,3,RDW,14.3,14.3,%,%,4697 +635320238,2735662,4636,1,potassium,3.8,3.8,mmol/L,mmol/L,4747 +661647384,2735662,4636,3,RBC,3.18,3.18,M/mcL,M/uL,4697 +624799017,2735662,3191,1,total protein,5.6,5.6,g/dL,g/dL,3330 +627280425,2735662,1761,1,glucose,145.0,145,mg/dL,mg/dL,1861 +635320240,2735662,4636,1,alkaline phos.,79.0,79,Units/L,U/L,4747 +661647391,2735662,4636,3,WBC x 1000,5.1,5.1,K/mcL,K/uL,4697 +656841135,2735662,6051,3,platelets x 1000,182.0,182,K/mcL,K/uL,6106 +627280426,2735662,1761,1,chloride,103.0,103,mmol/L,mmol/L,1861 +635320241,2735662,4636,1,anion gap,14.8,14.8,,mmol/L,4747 +661647389,2735662,4636,3,MCV,86.0,86,fL,fL,4697 +624799008,2735662,3191,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,3330 +627280427,2735662,1761,1,BUN,28.0,28,mg/dL,mg/dL,1861 +635320251,2735662,4636,1,BUN,16.0,16,mg/dL,mg/dL,4747 +661647385,2735662,4636,3,-basos,0.0,0,%,%,4697 +652258960,2735662,11876,3,-monos,10.0,10,%,%,11972 +627280424,2735662,1761,1,ALT (SGPT),20.0,20,Units/L,U/L,1861 +654594634,2735662,2336,3,WBC x 1000,5.3,5.3,K/mcL,K/uL,2384 +661647383,2735662,4636,3,-lymphs,25.0,25,%,%,4697 +624799011,2735662,3191,1,alkaline phos.,67.0,67,Units/L,U/L,3330 +627280421,2735662,1761,1,bicarbonate,21.0,21,mmol/L,mmol/L,1861 +635320249,2735662,4636,1,glucose,154.0,154,mg/dL,mg/dL,4747 +661647388,2735662,4636,3,-eos,4.0,4,%,%,4697 +656841126,2735662,6051,3,Hct,25.8,25.8,%,%,6106 +627280420,2735662,1761,1,albumin,2.1,2.1,g/dL,g/dL,1861 +654594633,2735662,2336,3,Hgb,8.6,8.6,g/dL,g/dL,2384 +661647390,2735662,4636,3,Hgb,9.0,9.0,g/dL,g/dL,4697 +624799012,2735662,3191,1,anion gap,15.4,15.4,,mmol/L,3330 +627280419,2735662,1761,1,sodium,135.0,135,mmol/L,mmol/L,1861 +635320237,2735662,4636,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,4747 +661647386,2735662,4636,3,-polys,60.0,60,%,%,4697 +652258950,2735662,11876,3,RBC,3.34,3.34,M/mcL,M/uL,11928 +627280422,2735662,1761,1,total protein,5.9,5.9,g/dL,g/dL,1861 +654594635,2735662,2336,3,RDW,13.9,13.9,%,%,2384 +662391724,2735662,10431,3,-lymphs,28.0,28,%,%,10531 +624799010,2735662,3191,1,creatinine,1.06,1.06,mg/dL,mg/dL,3330 +661647387,2735662,4636,3,Hct,27.2,27.2,%,%,4697 +635320250,2735662,4636,1,chloride,109.0,109,mmol/L,mmol/L,4747 +628927924,2735662,-269,1,bicarbonate,19.0,19,mmol/L,mmol/L,-239 +662391723,2735662,10431,3,-polys,61.0,61,%,%,10531 +628927925,2735662,-269,1,total protein,7.5,7.5,g/dL,g/dL,-239 +656841127,2735662,6051,3,-eos,3.0,3,%,%,6106 +628927920,2735662,-269,1,anion gap,19.0,19,,mmol/L,-239 +627280418,2735662,1761,1,AST (SGOT),30.0,30,Units/L,U/L,1861 +628927922,2735662,-269,1,sodium,132.0,132,mmol/L,mmol/L,-239 +654594630,2735662,2336,3,Hct,26.0,26.0,%,%,2384 +626543066,2735662,8971,1,anion gap,11.1,11.1,,mmol/L,9120 +662391726,2735662,10431,3,-eos,2.0,2,%,%,10531 +628927921,2735662,-269,1,AST (SGOT),13.0,13,Units/L,U/L,-239 +624799013,2735662,3191,1,AST (SGOT),33.0,33,Units/L,U/L,3330 +626543067,2735662,8971,1,glucose,216.0,216,mg/dL,mg/dL,9120 +643832569,2735662,2336,1,sodium,134.0,134,mmol/L,mmol/L,2370 +628927923,2735662,-269,1,albumin,2.8,2.8,g/dL,g/dL,-239 +635320243,2735662,4636,1,sodium,142.0,142,mmol/L,mmol/L,4747 +626543068,2735662,8971,1,BUN,11.0,11,mg/dL,mg/dL,9120 +662391725,2735662,10431,3,-monos,9.0,9,%,%,10531 +628927926,2735662,-269,1,calcium,8.8,8.8,mg/dL,mg/dL,-239 +652258952,2735662,11876,3,Hct,29.4,29.4,%,%,11928 +626543070,2735662,8971,1,calcium,8.6,8.6,mg/dL,mg/dL,9120 +628654197,2735662,-249,1,lactate,3.7,3.7,mmol/L,mmol/L,-179 +628927919,2735662,-269,1,alkaline phos.,79.0,79,Units/L,U/L,-239 +654594631,2735662,2336,3,-eos,1.0,1,%,%,2384 +626543064,2735662,8971,1,chloride,106.0,106,mmol/L,mmol/L,9120 +662391719,2735662,10431,3,MCH,28.8,28.8,pg,pg,10528 +628927916,2735662,-269,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-239 +624799018,2735662,3191,1,calcium,8.0,8.0,mg/dL,mg/dL,3330 +626543065,2735662,8971,1,bicarbonate,27.0,27,mmol/L,mmol/L,9120 +643832568,2735662,2336,1,anion gap,14.0,14.0,,mmol/L,2370 +628927917,2735662,-269,1,potassium,5.0,5.0,mmol/L,mmol/L,-239 +635320248,2735662,4636,1,ALT (SGPT),23.0,23,Units/L,U/L,4747 +626543069,2735662,8971,1,creatinine,0.6,0.60,mg/dL,mg/dL,9120 +662391720,2735662,10431,3,MCHC,32.9,32.9,g/dL,g/dL,10528 +657996894,2735662,-269,3,-polys,90.0,90,%,%,-249 +656841128,2735662,6051,3,MCV,86.0,86,fL,fL,6106 +628927928,2735662,-269,1,glucose,318.0,318,mg/dL,mg/dL,-239 +627280423,2735662,1761,1,calcium,8.2,8.2,mg/dL,mg/dL,1861 +657996904,2735662,-269,3,platelets x 1000,197.0,197,K/mcL,K/uL,-249 +654594632,2735662,2336,3,MCV,85.0,85,fL,fL,2384 +626543062,2735662,8971,1,sodium,140.0,140,mmol/L,mmol/L,9120 +643601461,2735662,898,1,creatinine,2.31,2.31,mg/dL,mg/dL,915 +657996895,2735662,-269,3,Hct,32.6,32.6,%,%,-249 +624799014,2735662,3191,1,sodium,142.0,142,mmol/L,mmol/L,3330 +628927930,2735662,-269,1,BUN,37.0,37,mg/dL,mg/dL,-239 +643832570,2735662,2336,1,bicarbonate,21.0,21,mmol/L,mmol/L,2370 +657996903,2735662,-269,3,MCHC,33.4,33.4,g/dL,g/dL,-249 +635320242,2735662,4636,1,AST (SGOT),23.0,23,Units/L,U/L,4747 +626543063,2735662,8971,1,potassium,4.2,4.2,mmol/L,mmol/L,9120 +662391718,2735662,10431,3,MCV,88.0,88,fL,fL,10528 +657996896,2735662,-269,3,-eos,0.0,0,%,%,-249 +652258954,2735662,11876,3,MCH,28.4,28.4,pg,pg,11928 +628927929,2735662,-269,1,chloride,99.0,99,mmol/L,mmol/L,-239 +628333458,2735662,1761,1,LDH,168.0,168,Units/L,U/L,1851 +657996897,2735662,-269,3,MCV,86.0,86,fL,fL,-249 +654594639,2735662,2336,3,platelets x 1000,136.0,136,K/mcL,K/uL,2384 +663249657,2735662,7551,3,RBC,3.16,3.16,M/mcL,M/uL,7611 +628991488,2735662,2121,1,troponin - I,1.28,1.28,ng/mL,ng/mL,2176 +643601462,2735662,898,1,anion gap,14.7,14.7,,mmol/L,915 +663249663,2735662,7551,3,RDW,14.1,14.1,%,%,7611 +657996901,2735662,-269,3,MCH,28.7,28.7,pg,pg,-249 +624799019,2735662,3191,1,ALT (SGPT),25.0,25,Units/L,U/L,3330 +663249659,2735662,7551,3,Hct,27.0,27.0,%,%,7611 +628927927,2735662,-269,1,ALT (SGPT),12.0,12,Units/L,U/L,-239 +643832567,2735662,2336,1,creatinine,1.38,1.38,mg/dL,mg/dL,2370 +665885895,2735662,3191,3,MCH,28.2,28.2,pg,pg,3286 +657996902,2735662,-269,3,-monos,5.0,5,%,%,-249 +635320245,2735662,4636,1,bicarbonate,22.0,22,mmol/L,mmol/L,4747 +663249658,2735662,7551,3,Hgb,8.8,8.8,g/dL,g/dL,7611 +637444025,2735662,2336,1,CPK,125.0,125,Units/L,U/L,2381 +662391721,2735662,10431,3,RDW,14.7,14.7,%,%,10528 +665885894,2735662,3191,3,RDW,14.1,14.1,%,%,3286 +657996898,2735662,-269,3,Hgb,10.9,10.9,g/dL,g/dL,-249 +656841129,2735662,6051,3,Hgb,8.3,8.3,g/dL,g/dL,6106 +663249669,2735662,7551,3,-basos,1.0,1,%,%,7699 +647990860,2735662,4051,2,Vancomycin - trough,6.0,6.0,mcg/mL,ug/mL,4121 +627280417,2735662,1761,1,anion gap,14.6,14.6,,mmol/L,1861 +665885896,2735662,3191,3,-monos,12.0,12,%,%,3286 +657362274,2735662,8971,3,RDW,14.5,14.5,%,%,9104 +654594636,2735662,2336,3,MCH,28.2,28.2,pg,pg,2384 +663249664,2735662,7551,3,platelets x 1000,220.0,220,K/mcL,K/uL,7611 +657996891,2735662,-269,3,-lymphs,5.0,5,%,%,-249 +643601463,2735662,898,1,sodium,136.0,136,mmol/L,mmol/L,915 +657362273,2735662,8971,3,MCHC,31.2,31.2,g/dL,g/dL,9104 +624799020,2735662,3191,1,glucose,110.0,110,mg/dL,mg/dL,3330 +663249661,2735662,7551,3,MCH,27.8,27.8,pg,pg,7611 +625919472,2735662,1761,1,troponin - I,1.58,1.58,ng/mL,ng/mL,1851 +630220673,2735662,1761,1,CPK,154.0,154,Units/L,U/L,1851 +665885892,2735662,3191,3,Hgb,8.6,8.6,g/dL,g/dL,3286 +657362270,2735662,8971,3,Hct,27.6,27.6,%,%,9104 +635320239,2735662,4636,1,creatinine,0.88,0.88,mg/dL,mg/dL,4747 +631407069,2735662,8971,1,magnesium,1.6,1.6,mg/dL,mg/dL,9120 +657996892,2735662,-269,3,RBC,3.8,3.80,M/mcL,M/uL,-249 +662391722,2735662,10431,3,platelets x 1000,311.0,311,K/mcL,K/uL,10528 +663249668,2735662,7551,3,-eos,0.0,0,%,%,7699 +671838870,2735662,6049,4,bedside glucose,165.0,165,mg/dL,mg/dL,6113 +652258961,2735662,11876,3,-eos,2.0,2,%,%,11972 +665885893,2735662,3191,3,WBC x 1000,4.6,4.6,K/mcL,K/uL,3286 +657362271,2735662,8971,3,MCV,88.0,88,fL,fL,9104 +643832566,2735662,2336,1,potassium,4.2,4.2,mmol/L,mmol/L,2370 +673212832,2735662,2716,4,bedside glucose,132.0,132,mg/dL,mg/dL,2757 +628927918,2735662,-269,1,creatinine,4.04,4.04,mg/dL,mg/dL,-239 +654594628,2735662,2336,3,-basos,0.0,0,%,%,2384 +663249666,2735662,7551,3,-lymphs,23.0,23,%,%,7699 +674191299,2735662,11129,4,bedside glucose,128.0,128,mg/dL,mg/dL,11141 +643601464,2735662,898,1,bicarbonate,21.0,21,mmol/L,mmol/L,915 +665885897,2735662,3191,3,MCHC,33.0,33.0,g/dL,g/dL,3286 +657362268,2735662,8971,3,RBC,3.15,3.15,M/mcL,M/uL,9104 +624799022,2735662,3191,1,BUN,22.0,22,mg/dL,mg/dL,3330 +634942109,2735662,3191,1,phosphate,2.7,2.7,mg/dL,mg/dL,3330 +657996899,2735662,-269,3,WBC x 1000,12.6,12.6,K/mcL,K/uL,-249 +642075665,2735662,2336,1,chloride,103.0,103,mmol/L,mmol/L,2370 +663249656,2735662,7551,3,WBC x 1000,5.8,5.8,K/mcL,K/uL,7611 +671270960,2735662,-249,4,WBC's in urine,,>100,,/(hpf),-180 +635891357,2735662,321,1,BUN,34.0,34,mg/dL,mg/dL,407 +665885890,2735662,3191,3,-eos,3.0,3,%,%,3286 +657362275,2735662,8971,3,platelets x 1000,270.0,270,K/mcL,K/uL,9104 +662391727,2735662,10431,3,-basos,0.0,0,%,%,10531 +671937092,2735662,3079,4,bedside glucose,105.0,105,mg/dL,mg/dL,3093 +660555284,2735662,10471,3,PT,23.2,23.2,sec,sec,10566 +656841130,2735662,6051,3,WBC x 1000,5.8,5.8,K/mcL,K/uL,6106 +663249662,2735662,7551,3,MCHC,32.6,32.6,g/dL,g/dL,7611 +674012811,2735662,3954,4,bedside glucose,139.0,139,mg/dL,mg/dL,3967 +628625922,2735662,321,1,phosphate,2.8,2.8,mg/dL,mg/dL,407 +665885886,2735662,3191,3,RBC,3.05,3.05,M/mcL,M/uL,3286 +657362267,2735662,8971,3,WBC x 1000,7.3,7.3,K/mcL,K/uL,9104 +654594627,2735662,2336,3,RBC,3.05,3.05,M/mcL,M/uL,2384 +673594855,2735662,11360,4,bedside glucose,154.0,154,mg/dL,mg/dL,11610 +637336019,2735662,2336,1,LDH,182.0,182,Units/L,U/L,2381 +643601465,2735662,898,1,calcium,7.9,7.9,mg/dL,mg/dL,915 +663249667,2735662,7551,3,-monos,4.0,4,%,%,7699 +673705625,2735662,601,4,bedside glucose,203.0,203,mg/dL,mg/dL,905 +624799009,2735662,3191,1,potassium,3.8,3.8,mmol/L,mmol/L,3330 +665885887,2735662,3191,3,-basos,0.0,0,%,%,3286 +657362269,2735662,8971,3,Hgb,8.6,8.6,g/dL,g/dL,9104 +665689441,2735662,6236,3,PT,15.6,15.6,sec,sec,6278 +632647011,2735662,7551,1,phosphate,2.6,2.6,mg/dL,mg/dL,7612 +657996893,2735662,-269,3,-basos,0.0,0,%,%,-249 +635320244,2735662,4636,1,albumin,1.9,1.9,g/dL,g/dL,4747 +664330474,2735662,11876,3,PT - INR,2.6,2.6,ratio,,11940 +672605019,2735662,7556,4,bedside glucose,226.0,226,mg/dL,mg/dL,7616 +662391717,2735662,10431,3,Hct,28.6,28.6,%,%,10528 +665885888,2735662,3191,3,-polys,69.0,69,%,%,3286 +674046638,2735662,10489,4,bedside glucose,107.0,107,mg/dL,mg/dL,10502 +652258962,2735662,11876,3,-basos,0.0,0,%,%,11972 +671996013,2735662,8514,4,bedside glucose,186.0,186,mg/dL,mg/dL,8527 +660555285,2735662,10471,3,PT - INR,2.2,2.2,ratio,,10566 +643832571,2735662,2336,1,calcium,7.9,7.9,mg/dL,mg/dL,2370 +663249665,2735662,7551,3,-polys,72.0,72,%,%,7699 +674104694,2735662,6076,4,TSH,3.36,3.36,mcU/ml,uIU/mL,6471 +654594637,2735662,2336,3,-monos,10.0,10,%,%,2384 +665885898,2735662,3191,3,platelets x 1000,124.0,124,K/mcL,K/uL,3286 +657362272,2735662,8971,3,MCH,27.3,27.3,pg,pg,9104 +643601466,2735662,898,1,glucose,173.0,173,mg/dL,mg/dL,915 +634663649,2735662,1761,1,AST (SGOT),34.0,34,Units/L,U/L,1851 +639906444,2735662,2336,1,magnesium,2.0,2.0,mg/dL,mg/dL,2370 +629382507,2735662,6051,1,bicarbonate,24.0,24,mmol/L,mmol/L,6142 +664330473,2735662,11876,3,PT,26.4,26.4,sec,sec,11940 +673330074,2735662,10774,4,bedside glucose,135.0,135,mg/dL,mg/dL,10787 +624799021,2735662,3191,1,chloride,109.0,109,mmol/L,mmol/L,3330 +665885885,2735662,3191,3,-lymphs,16.0,16,%,%,3286 +642012617,2735662,321,1,magnesium,1.2,1.2,mg/dL,mg/dL,407 +674296847,2735662,7332,4,bedside glucose,226.0,226,mg/dL,mg/dL,7344 +672158063,2735662,5961,4,bedside glucose,150.0,150,mg/dL,mg/dL,5973 +657996900,2735662,-269,3,RDW,13.8,13.8,%,%,-249 +629382506,2735662,6051,1,albumin,1.8,1.8,g/dL,g/dL,6142 +663249660,2735662,7551,3,MCV,85.0,85,fL,fL,7611 +671270961,2735662,-249,4,urinary specific gravity,1.015,1.015,,,-180 +635891356,2735662,321,1,chloride,103.0,103,mmol/L,mmol/L,407 +665885889,2735662,3191,3,Hct,26.1,26.1,%,%,3286 +637691150,2735662,2121,1,CPK,155.0,155,Units/L,U/L,2176 +662391715,2735662,10431,3,RBC,3.26,3.26,M/mcL,M/uL,10528 +665485337,2735662,1761,3,-basos,0.0,0,%,%,1820 +629382508,2735662,6051,1,total protein,5.3,5.3,g/dL,g/dL,6142 +665485348,2735662,1761,3,platelets x 1000,133.0,133,K/mcL,K/uL,1820 +656841125,2735662,6051,3,-polys,59.0,59,%,%,6106 +665485339,2735662,1761,3,Hct,26.6,26.6,%,%,1820 +628656270,2735662,639,1,lactate,1.9,1.9,mmol/L,mmol/L,674 +665485338,2735662,1761,3,-polys,77.0,77,%,%,1820 +629382509,2735662,6051,1,calcium,8.0,8.0,mg/dL,mg/dL,6142 +665485347,2735662,1761,3,MCHC,33.1,33.1,g/dL,g/dL,1820 +654594638,2735662,2336,3,MCHC,33.1,33.1,g/dL,g/dL,2384 +632071673,2735662,141,1,lactate,4.0,4.0,mmol/L,mmol/L,187 +643601467,2735662,898,1,chloride,104.0,104,mmol/L,mmol/L,915 +665485340,2735662,1761,3,-eos,0.0,0,%,%,1820 +629382504,2735662,6051,1,AST (SGOT),22.0,22,Units/L,U/L,6142 +629068493,2735662,2336,1,troponin - I,0.99,0.99,ng/mL,ng/mL,2381 +653356374,2735662,5076,3,PT - INR,1.4,1.4,ratio,,5127 +665485346,2735662,1761,3,-monos,9.0,9,%,%,1820 +665689442,2735662,6236,3,PT - INR,1.3,1.3,ratio,,6278 +650594884,2735662,321,3,MCV,87.0,87,fL,fL,409 +629382499,2735662,6051,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,6142 +665485335,2735662,1761,3,-lymphs,14.0,14,%,%,1820 +635320247,2735662,4636,1,calcium,8.3,8.3,mg/dL,mg/dL,4747 +650594885,2735662,321,3,Hgb,9.3,9.3,g/dL,g/dL,409 +662391714,2735662,10431,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,10541 +647736269,2735662,321,1,potassium,4.2,4.2,mmol/L,mmol/L,407 +629382505,2735662,6051,1,sodium,143.0,143,mmol/L,mmol/L,6142 +650594887,2735662,321,3,RDW,13.9,13.9,%,%,409 +671069567,2735662,2493,4,bedside glucose,132.0,132,mg/dL,mg/dL,3365 +665485336,2735662,1761,3,RBC,3.14,3.14,M/mcL,M/uL,1820 +643832572,2735662,2336,1,glucose,172.0,172,mg/dL,mg/dL,2370 +650594883,2735662,321,3,-eos,0.0,0,%,%,409 +629382513,2735662,6051,1,BUN,9.0,9,mg/dL,mg/dL,6142 +647736271,2735662,321,1,anion gap,17.9,17.9,,mmol/L,407 +654594629,2735662,2336,3,-polys,71.0,71,%,%,2384 +650594886,2735662,321,3,WBC x 1000,7.1,7.1,K/mcL,K/uL,409 +643601468,2735662,898,1,BUN,33.0,33,mg/dL,mg/dL,915 +665485343,2735662,1761,3,WBC x 1000,5.0,5.0,K/mcL,K/uL,1820 +629382501,2735662,6051,1,creatinine,0.68,0.68,mg/dL,mg/dL,6142 +650594880,2735662,321,3,-basos,0.0,0,%,%,409 +671496740,2735662,893,4,bedside glucose,115.0,115,mg/dL,mg/dL,905 +647736270,2735662,321,1,creatinine,2.86,2.86,mg/dL,mg/dL,407 +644490311,2735662,2336,1,AST (SGOT),34.0,34,Units/L,U/L,2381 +650594881,2735662,321,3,-polys,93.0,93,%,%,409 +629382503,2735662,6051,1,anion gap,12.7,12.7,,mmol/L,6142 +668073569,2735662,898,3,platelets x 1000,147.0,147,K/mcL,K/uL,912 +635891355,2735662,321,1,glucose,212.0,212,mg/dL,mg/dL,407 +665485344,2735662,1761,3,RDW,13.8,13.8,%,%,1820 +662391716,2735662,10431,3,Hgb,9.4,9.4,g/dL,g/dL,10528 +668073562,2735662,898,3,MCV,86.0,86,fL,fL,912 +629382500,2735662,6051,1,potassium,3.9,3.9,mmol/L,mmol/L,6142 +650594878,2735662,321,3,-lymphs,3.0,3,%,%,409 +672000046,2735662,9737,4,bedside glucose,148.0,148,mg/dL,mg/dL,9761 +668073563,2735662,898,3,Hgb,9.0,9.0,g/dL,g/dL,912 +642075666,2735662,2336,1,BUN,25.0,25,mg/dL,mg/dL,2370 +647736272,2735662,321,1,sodium,136.0,136,mmol/L,mmol/L,407 +629382502,2735662,6051,1,alkaline phos.,80.0,80,Units/L,U/L,6142 +668073560,2735662,898,3,Hct,27.0,27.0,%,%,912 +672807828,2735662,152,4,bedside glucose,223.0,223,mg/dL,mg/dL,511 +650594879,2735662,321,3,RBC,3.28,3.28,M/mcL,M/uL,409 +629755301,2735662,-261,1,lactate,3.9,3.9,mmol/L,mmol/L,-234 +668073561,2735662,898,3,-eos,0.0,0,%,%,912 +629382511,2735662,6051,1,glucose,167.0,167,mg/dL,mg/dL,6142 +665485345,2735662,1761,3,MCH,28.0,28.0,pg,pg,1820 +629261003,2735662,7551,1,magnesium,1.6,1.6,mg/dL,mg/dL,7612 +668073564,2735662,898,3,WBC x 1000,4.7,4.7,K/mcL,K/uL,912 +643601460,2735662,898,1,potassium,3.8,3.8,mmol/L,mmol/L,915 +650594882,2735662,321,3,Hct,28.5,28.5,%,%,409 +629382510,2735662,6051,1,ALT (SGPT),22.0,22,Units/L,U/L,6142 +668073557,2735662,898,3,RBC,3.15,3.15,M/mcL,M/uL,912 +635320246,2735662,4636,1,total protein,5.6,5.6,g/dL,g/dL,4747 +647736274,2735662,321,1,calcium,7.9,7.9,mg/dL,mg/dL,407 +672308370,2735662,4207,4,bedside glucose,159.0,159,mg/dL,mg/dL,4230 +668073567,2735662,898,3,-monos,5.0,5,%,%,912 +643551488,2735662,2121,1,LDH,187.0,187,Units/L,U/L,2176 +650594888,2735662,321,3,MCH,28.4,28.4,pg,pg,409 +672842909,2735662,6874,4,bedside glucose,173.0,173,mg/dL,mg/dL,6912 +668073558,2735662,898,3,-basos,0.0,0,%,%,912 +648042694,2735662,2236,2,Vancomycin - trough,4.2,4.2,mcg/mL,ug/mL,2344 +665485341,2735662,1761,3,MCV,85.0,85,fL,fL,1820 +629382512,2735662,6051,1,chloride,110.0,110,mmol/L,mmol/L,6142 +668073556,2735662,898,3,-lymphs,9.0,9,%,%,912 +654594626,2735662,2336,3,-lymphs,18.0,18,%,%,2384 +650594889,2735662,321,3,-monos,4.0,4,%,%,409 +644317550,2735662,1761,1,potassium,3.5,3.5,mmol/L,mmol/L,1861 +668073559,2735662,898,3,-polys,86.0,86,%,%,912 +642914050,2735662,899,1,lactate,1.6,1.6,mmol/L,mmol/L,923 +647736273,2735662,321,1,bicarbonate,19.0,19,mmol/L,mmol/L,407 +644317552,2735662,1761,1,alkaline phos.,58.0,58,Units/L,U/L,1861 +668073565,2735662,898,3,RDW,13.8,13.8,%,%,912 +670694882,2735662,5662,4,bedside glucose,186.0,186,mg/dL,mg/dL,5675 +650594891,2735662,321,3,platelets x 1000,167.0,167,K/mcL,K/uL,409 +644162388,2735662,6051,1,phosphate,2.7,2.7,mg/dL,mg/dL,6142 +668073568,2735662,898,3,MCHC,33.3,33.3,g/dL,g/dL,912 +645186562,2735662,1018,1,magnesium,1.8,1.8,mg/dL,mg/dL,1064 +665485342,2735662,1761,3,Hgb,8.8,8.8,g/dL,g/dL,1820 +643613656,2735662,1761,1,lactate,1.1,1.1,mmol/L,mmol/L,1851 +668073566,2735662,898,3,MCH,28.6,28.6,pg,pg,912 +672210546,2735662,11887,4,bedside glucose,123.0,123,mg/dL,mg/dL,11967 +650594890,2735662,321,3,MCHC,32.6,32.6,g/dL,g/dL,409 +644317551,2735662,1761,1,creatinine,1.59,1.59,mg/dL,mg/dL,1861 +625220927,2735662,1761,1,phosphate,2.2,2.2,mg/dL,mg/dL,1861 +653356373,2735662,5076,3,PT,16.3,16.3,sec,sec,5127 +625277165,2735662,6051,1,magnesium,1.3,1.3,mg/dL,mg/dL,6142 +644143761,2735662,10431,1,phosphate,2.9,2.9,mg/dL,mg/dL,10560 +652997885,2735662,141,3,WBC x 1000,10.3,10.3,K/mcL,K/uL,307 +638000332,2735662,1761,1,magnesium,1.6,1.6,mg/dL,mg/dL,1861 +652997884,2735662,141,3,Hgb,10.2,10.2,g/dL,g/dL,307 +641690748,2735662,2121,1,AST (SGOT),33.0,33,Units/L,U/L,2176 +652997886,2735662,141,3,RDW,14.2,14.2,%,%,307 +652258949,2735662,11876,3,WBC x 1000,7.3,7.3,K/mcL,K/uL,11928 +652997887,2735662,141,3,MCH,28.3,28.3,pg,pg,307 +643569241,2735662,11876,1,phosphate,3.8,3.8,mg/dL,mg/dL,11944 +652997883,2735662,141,3,MCV,88.0,88,fL,fL,307 +670678294,2735662,7086,4,bedside glucose,213.0,213,mg/dL,mg/dL,7116 +646465216,2735662,4636,1,magnesium,1.4,1.4,mg/dL,mg/dL,4747 +652997881,2735662,141,3,Hct,31.7,31.7,%,%,307 +634839759,2735662,2336,1,lactate,1.7,1.7,mmol/L,mmol/L,2381 +652997889,2735662,141,3,MCHC,32.2,32.2,g/dL,g/dL,307 +646894120,2735662,4636,1,phosphate,2.0,2.0,mg/dL,mg/dL,4747 +652997879,2735662,141,3,-basos,0.0,0,%,%,307 +647962916,2735662,8001,2,Vancomycin - trough,3.8,3.8,mcg/mL,ug/mL,8047 +652997890,2735662,141,3,platelets x 1000,182.0,182,K/mcL,K/uL,307 +646446366,2735662,8971,1,phosphate,3.1,3.1,mg/dL,mg/dL,9120 +652997880,2735662,141,3,-polys,90.0,90,%,%,307 +673137451,2735662,1102,4,bedside glucose,167.0,167,mg/dL,mg/dL,1130 +652997888,2735662,141,3,-monos,5.0,5,%,%,307 +644317549,2735662,1761,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,1861 +652997877,2735662,141,3,-lymphs,5.0,5,%,%,307 +671847138,2735662,2498,4,bedside glucose,129.0,129,mg/dL,mg/dL,3365 +652997878,2735662,141,3,RBC,3.61,3.61,M/mcL,M/uL,307 +670719841,2735662,2375,4,bedside glucose,158.0,158,mg/dL,mg/dL,2387 +671116630,2735662,9938,4,bedside glucose,173.0,173,mg/dL,mg/dL,9951 +665885891,2735662,3191,3,MCV,86.0,86,fL,fL,3286 +652997882,2735662,141,3,-eos,0.0,0,%,%,307 +185266078,608375,978,3,MPV,11.0,11.0,fL,fL,1021 +162913727,608375,978,1,bicarbonate,27.0,27,mmol/L,mmol/L,1016 +185266079,608375,978,3,RBC,4.09,4.09,M/mcL,M/MM3,1021 +162810698,608375,978,1,chloride,108.0,108,mmol/L,mmol/L,1016 +185266086,608375,978,3,MCHC,34.1,34.1,g/dL,g/dL,1021 +162913719,608375,978,1,total bilirubin,1.3,1.3,mg/dL,mg/dL,1016 +226648588,608375,187,7,HCO3,22.3,22.3,mmol/L,mmol/L,190 +162913728,608375,978,1,total protein,5.3,5.3,g/dL,g/dL,1016 +185266087,608375,978,3,platelets x 1000,244.0,244,K/mcL,K/MM3,1021 +162913725,608375,978,1,sodium,141.0,141,mmol/L,mmol/L,1016 +226648590,608375,187,7,FiO2,0.8,.80,%,,190 +162913726,608375,978,1,albumin,2.4,2.4,g/dL,g/dL,1016 +185266085,608375,978,3,MCH,28.1,28.1,pg,pg,1021 +162913723,608375,978,1,anion gap,6.0,6,,,1016 +226648592,608375,187,7,paCO2,36.9,36.9,mm Hg,mmHg,190 +162913729,608375,978,1,calcium,8.0,8.0,mg/dL,mg/dL,1016 +185266082,608375,978,3,Hgb,11.5,11.5,g/dL,g/dL,1021 +162913724,608375,978,1,AST (SGOT),15.0,15,Units/L,IU/L,1016 +226648593,608375,187,7,pH,7.386,7.386,,unit(s),190 +162913722,608375,978,1,alkaline phos.,44.0,44,Units/L,IU/L,1016 +185266083,608375,978,3,WBC x 1000,9.8,9.8,K/mcL,K/MM3,1021 +162810699,608375,978,1,BUN,16.0,16,mg/dL,mg/dL,1016 +226648597,608375,187,7,Base Excess,-2.4,-2.4,mEq/L,mmol/L,190 +225172144,608375,520,7,FiO2,100.0,100,%,,522 +162913720,608375,978,1,potassium,4.4,4.4,mmol/L,mmol/L,1016 +185266080,608375,978,3,Hct,33.7,33.7,%,%,1021 +225172145,608375,520,7,paO2,91.9,91.9,mm Hg,mmHg,522 +162913721,608375,978,1,creatinine,0.64,0.64,mg/dL,mg/dL,1016 +226648585,608375,187,7,PEEP,10.0,10,cm H2O,,190 +225172142,608375,520,7,HCO3,21.5,21.5,mmol/L,mmol/L,522 +162913730,608375,978,1,ALT (SGPT),22.0,22,Units/L,IU/L,1016 +185266081,608375,978,3,MCV,82.0,82,fL,fL,1021 +225172146,608375,520,7,paCO2,46.4,46.4,mm Hg,mmHg,522 +162913731,608375,978,1,glucose,122.0,122,mg/dL,mg/dL,1016 +226648596,608375,187,7,O2 Sat (%),94.5,94.5,%,,190 +225172140,608375,520,7,PEEP,8.0,8,cm H2O,,522 +226916821,608375,22,7,FiO2,45.0,45,%,,23 +187635796,608375,674,4,bedside glucose,107.0,107,mg/dL,mg/dL,674 +225172147,608375,520,7,pH,7.306,7.306,,unit(s),522 +158200897,608375,187,1,lactate,2.1,2.1,mmol/L,mmol/L,190 +185266084,608375,978,3,RDW,14.8,14.8,%,%,1021 +225172151,608375,520,7,Base Excess,-3.5,-3.5,mEq/L,mmol/L,522 +148386946,608375,978,1,triglycerides,121.0,121,mg/dL,mg/dL,1050 +226648591,608375,187,7,paO2,72.3,72.3,mm Hg,mmHg,190 +157522695,608375,520,1,lactate,2.6,2.6,mmol/L,mmol/L,522 +188330459,608375,897,4,bedside glucose,111.0,111,mg/dL,mg/dL,897 +190580537,608375,1538,4,bedside glucose,116.0,116,mg/dL,mg/dL,1538 +225172150,608375,520,7,O2 Sat (%),96.4,96.4,%,,522 +190460258,608375,5,4,bedside glucose,105.0,105,mg/dL,mg/dL,5 +226648586,608375,187,7,Pressure Support,14.0,14,cm H2O,,190 +774904024,3143195,-6261,3,-basos,0.6,0.6,%,%,-6256 +774904021,3143195,-6261,3,MPV,10.7,10.7,fL,FL,-6256 +774904022,3143195,-6261,3,-lymphs,10.1,10.1,%,%,-6256 +775043032,3143195,-7733,3,platelets x 1000,73.0,73,K/mcL,THOU/UL,-7716 +774904025,3143195,-6261,3,-polys,69.8,69.8,%,%,-6256 +774904023,3143195,-6261,3,RBC,3.16,3.16,M/mcL,MILL/UL,-6256 +775043027,3143195,-7733,3,WBC x 1000,12.4,12.4,K/mcL,THOU/UL,-7716 +775043028,3143195,-7733,3,RDW,18.6,18.6,%,%,-7716 +775043029,3143195,-7733,3,MCH,36.0,36,pg,PG,-7716 +775043030,3143195,-7733,3,-monos,7.0,7,%,%,-7655 +775043996,3143195,531,3,PTT,56.9,56.9,sec,SEC,546 +774904026,3143195,-6261,3,Hct,32.0,32.0,%,%,-6256 +775043031,3143195,-7733,3,MCHC,35.0,35,g/dL,G/DL,-7716 +775043022,3143195,-7733,3,PT,28.5,28.5,sec,SEC,-7704 +774904033,3143195,-6261,3,-monos,19.2,19.2,%,%,-6256 +775043021,3143195,-7733,3,Hct,31.4,31.4,%,%,-7716 +775043023,3143195,-7733,3,PT - INR,2.75,2.75,ratio,,-7704 +775043024,3143195,-7733,3,-bands,4.0,4,%,%,-7655 +774904034,3143195,-6261,3,MCHC,36.0,36,g/dL,G/DL,-6256 +777151837,3143195,-3465,4,ammonia,19.0,19,mcg/dL,UMOL/L,-3440 +775043025,3143195,-7733,3,MCV,103.0,103,fL,FL,-7716 +777244256,3143195,-4880,4,serum osmolality,280.0,280,mOsm/kg H2O,MOSM/KG,-4832 +774904027,3143195,-6261,3,-eos,0.3,0.3,%,%,-6256 +777151838,3143195,-3465,4,serum osmolality,281.0,281,mOsm/kg H2O,MOSM/KG,-3438 +774904035,3143195,-6261,3,platelets x 1000,86.0,86,K/mcL,THOU/UL,-6256 +777215402,3143195,-12115,4,serum osmolality,269.0,269,mOsm/kg H2O,MOSM/KG,-11990 +774904032,3143195,-6261,3,MCH,36.0,36,pg,PG,-6256 +775252795,3143195,-9195,3,-polys,80.0,80.0,%,%,-9180 +774904031,3143195,-6261,3,RDW,19.3,19.3,%,%,-6256 +775252796,3143195,-9195,3,Hct,32.7,32.7,%,%,-9180 +774371200,3143195,57,1,glucose,122.0,122,mg/dL,MG/DL,82 +775252792,3143195,-9195,3,-lymphs,7.9,7.9,%,%,-9180 +774904030,3143195,-6261,3,WBC x 1000,10.2,10.2,K/mcL,THOU/UL,-6256 +775252791,3143195,-9195,3,MPV,11.6,11.6,fL,FL,-9180 +774371201,3143195,57,1,chloride,112.0,112,mmol/L,MEQ/L,82 +775252807,3143195,-9195,3,platelets x 1000,78.0,78,K/mcL,THOU/UL,-9180 +774904029,3143195,-6261,3,Hgb,11.4,11.4,g/dL,GM/DL,-6256 +775252793,3143195,-9195,3,RBC,3.19,3.19,M/mcL,MILL/UL,-9180 +774371202,3143195,57,1,BUN,16.0,16,mg/dL,MG/DL,82 +775252799,3143195,-9195,3,PT - INR,2.61,2.61,ratio,,-9172 +775043019,3143195,-7733,3,RBC,3.06,3.06,M/mcL,MILL/UL,-7716 +775252806,3143195,-9195,3,MCHC,35.0,35,g/dL,G/DL,-9180 +774371197,3143195,57,1,sodium,147.0,147,mmol/L,MMOL/L,82 +775252794,3143195,-9195,3,-basos,0.2,0.2,%,%,-9180 +775043026,3143195,-7733,3,Hgb,10.9,10.9,g/dL,GM/DL,-7716 +775252797,3143195,-9195,3,PT,27.4,27.4,sec,SEC,-9172 +774371195,3143195,57,1,creatinine,0.7,0.7,mg/dL,MG/DL,82 +775252803,3143195,-9195,3,RDW,18.3,18.3,%,%,-9180 +774904028,3143195,-6261,3,MCV,101.0,101,fL,FL,-6256 +775252804,3143195,-9195,3,MCH,36.0,36,pg,PG,-9180 +774371198,3143195,57,1,bicarbonate,25.0,25,mmol/L,MEQ/L,82 +775190555,3143195,-4880,3,PT,24.9,24.9,sec,SEC,-4839 +775043017,3143195,-7733,3,MPV,10.6,10.6,fL,FL,-7716 +775190556,3143195,-4880,3,PT - INR,2.3,2.30,ratio,,-4839 +774371199,3143195,57,1,calcium,8.4,8.4,mg/dL,MG/DL,82 +775252801,3143195,-9195,3,Hgb,11.4,11.4,g/dL,GM/DL,-9180 +775043018,3143195,-7733,3,-lymphs,4.0,4,%,%,-7655 +775252798,3143195,-9195,3,-eos,0.1,0.1,%,%,-9180 +774371194,3143195,57,1,potassium,3.1,3.1,mmol/L,MMOL/L,82 +775252802,3143195,-9195,3,WBC x 1000,14.2,14.2,K/mcL,THOU/UL,-9180 +775043020,3143195,-7733,3,-polys,85.0,85,%,%,-7655 +775252805,3143195,-9195,3,-monos,11.8,11.8,%,%,-9180 +774371196,3143195,57,1,anion gap,13.0,13,,,82 +775252800,3143195,-9195,3,MCV,103.0,103,fL,FL,-9180 +774072876,3143195,-10543,1,lipase,298.0,298,Units/L,U/L,-10479 +774334377,3143195,-4880,1,chloride,111.0,111,mmol/L,MEQ/L,-4832 +774072875,3143195,-10543,1,calcium,6.6,6.6,mg/dL,MG/DL,-10479 +774334375,3143195,-4880,1,ALT (SGPT),63.0,63,Units/L,IU/L,-4832 +773953282,3143195,-3465,1,glucose,99.0,99,mg/dL,MG/DL,-3438 +774216895,3143195,-12115,1,creatinine,0.6,0.6,mg/dL,MG/DL,-12019 +774072864,3143195,-10543,1,total bilirubin,7.4,7.4,mg/dL,MG/DL,-10479 +774216897,3143195,-12115,1,anion gap,14.0,14,,,-11990 +773953284,3143195,-3465,1,BUN,11.0,11,mg/dL,MG/DL,-3438 +774216902,3143195,-12115,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-12019 +774072866,3143195,-10543,1,creatinine,0.6,0.6,mg/dL,MG/DL,-10479 +774334362,3143195,-4880,1,potassium,3.6,3.6,mmol/L,MMOL/L,-4832 +773953274,3143195,-3465,1,sodium,142.0,142,mmol/L,MMOL/L,-3438 +774334378,3143195,-4880,1,BUN,13.0,13,mg/dL,MG/DL,-4832 +774072869,3143195,-10543,1,AST (SGOT),285.0,285,Units/L,IU/L,-10479 +774334369,3143195,-4880,1,albumin,2.5,2.5,g/dL,GM/DL,-4832 +773953268,3143195,-3465,1,total bilirubin,6.1,6.1,mg/dL,MG/DL,-3438 +774216903,3143195,-12115,1,total protein,7.1,7.1,g/dL,GM/DL,-12019 +774072865,3143195,-10543,1,potassium,3.9,3.9,mmol/L,MMOL/L,-10479 +774216896,3143195,-12115,1,alkaline phos.,183.0,183,Units/L,IU/L,-12019 +773953270,3143195,-3465,1,creatinine,0.7,0.7,mg/dL,MG/DL,-3438 +774334373,3143195,-4880,1,calcium,8.1,8.1,mg/dL,MG/DL,-4832 +774072867,3143195,-10543,1,alkaline phos.,173.0,173,Units/L,IU/L,-10479 +774334376,3143195,-4880,1,glucose,98.0,98,mg/dL,MG/DL,-4832 +773953271,3143195,-3465,1,alkaline phos.,138.0,138,Units/L,IU/L,-3438 +774334370,3143195,-4880,1,bicarbonate,21.0,21,mmol/L,MEQ/L,-4832 +774072877,3143195,-10543,1,ALT (SGPT),69.0,69,Units/L,IU/L,-10479 +774334364,3143195,-4880,1,alkaline phos.,129.0,129,Units/L,IU/L,-4832 +773953269,3143195,-3465,1,potassium,3.5,3.5,mmol/L,MMOL/L,-3438 +774334363,3143195,-4880,1,creatinine,0.7,0.7,mg/dL,MG/DL,-4832 +774072874,3143195,-10543,1,total protein,6.9,6.9,g/dL,GM/DL,-10479 +774334366,3143195,-4880,1,AST (SGOT),167.0,167,Units/L,IU/L,-4832 +773953279,3143195,-3465,1,calcium,8.4,8.4,mg/dL,MG/DL,-3438 +774334371,3143195,-4880,1,total protein,6.1,6.1,g/dL,GM/DL,-4832 +774072872,3143195,-10543,1,albumin,2.7,2.7,g/dL,GM/DL,-10479 +774334368,3143195,-4880,1,magnesium,1.5,1.5,mg/dL,MG/DL,-4832 +773953273,3143195,-3465,1,AST (SGOT),170.0,170,Units/L,IU/L,-3438 +774216900,3143195,-12115,1,magnesium,1.4,1.4,mg/dL,MG/DL,-12019 +774072879,3143195,-10543,1,amylase,38.0,38,Units/L,U/L,-10479 +775236963,3143195,-2855,3,MCH,37.0,37,pg,PG,-2824 +774216898,3143195,-12115,1,AST (SGOT),336.0,336,Units/L,IU/L,-12019 +775236965,3143195,-2855,3,MCHC,35.0,35,g/dL,G/DL,-2824 +773953276,3143195,-3465,1,bicarbonate,22.0,22,mmol/L,MEQ/L,-3438 +775236966,3143195,-2855,3,platelets x 1000,116.0,116,K/mcL,THOU/UL,-2824 +774334361,3143195,-4880,1,total bilirubin,6.1,6.1,mg/dL,MG/DL,-4832 +775236964,3143195,-2855,3,-monos,10.0,10,%,%,-2805 +774072873,3143195,-10543,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-10479 +775236958,3143195,-2855,3,-bands,1.0,1,%,%,-2805 +774334365,3143195,-4880,1,anion gap,13.0,13,,,-4832 +775236959,3143195,-2855,3,MCV,103.0,103,fL,FL,-2824 +773953280,3143195,-3465,1,lipase,632.0,632,Units/L,U/L,-3438 +775236957,3143195,-2855,3,Hct,34.5,34.5,%,%,-2824 +774216893,3143195,-12115,1,total bilirubin,6.7,6.7,mg/dL,MG/DL,-12019 +775236962,3143195,-2855,3,RDW,19.9,19.9,%,%,-2824 +774072881,3143195,-10543,1,BUN,10.0,10,mg/dL,MG/DL,-10479 +775236953,3143195,-2855,3,MPV,10.8,10.8,fL,FL,-2824 +774216894,3143195,-12115,1,potassium,3.9,3.9,mmol/L,MMOL/L,-12019 +775236954,3143195,-2855,3,-lymphs,8.0,8,%,%,-2805 +773953281,3143195,-3465,1,ALT (SGPT),64.0,64,Units/L,IU/L,-3438 +775236955,3143195,-2855,3,RBC,3.34,3.34,M/mcL,MILL/UL,-2824 +774216904,3143195,-12115,1,calcium,6.8,6.8,mg/dL,MG/DL,-12019 +775236961,3143195,-2855,3,WBC x 1000,16.3,16.3,K/mcL,THOU/UL,-2824 +774072880,3143195,-10543,1,chloride,102.0,102,mmol/L,MEQ/L,-10479 +775236960,3143195,-2855,3,Hgb,12.2,12.2,g/dL,GM/DL,-2824 +774216905,3143195,-12115,1,ALT (SGPT),73.0,73,Units/L,IU/L,-12019 +775236956,3143195,-2855,3,-polys,77.0,77,%,%,-2805 +773953277,3143195,-3465,1,total protein,6.2,6.2,g/dL,GM/DL,-3438 +776590706,3143195,-617,3,RBC,3.2,3.20,M/mcL,MILL/UL,-585 +774216907,3143195,-12115,1,chloride,101.0,101,mmol/L,MEQ/L,-12019 +776590705,3143195,-617,3,-lymphs,6.0,6,%,%,-531 +774072871,3143195,-10543,1,magnesium,1.5,1.5,mg/dL,MG/DL,-10479 +776590707,3143195,-617,3,-polys,73.0,73,%,%,-531 +773159621,3143195,-2855,1,total bilirubin,6.8,6.8,mg/dL,MG/DL,-2832 +774334374,3143195,-4880,1,lipase,743.0,743,Units/L,U/L,-4832 +776590714,3143195,-617,3,RDW,20.2,20.2,%,%,-585 +773159635,3143195,-2855,1,chloride,110.0,110,mmol/L,MEQ/L,-2832 +773953278,3143195,-3465,1,direct bilirubin,1.9,1.9,mg/dL,MG/DL,-3438 +776590718,3143195,-617,3,platelets x 1000,128.0,128,K/mcL,THOU/UL,-585 +772949299,3143195,-7733,1,albumin,3.0,3.0,g/dL,GM/DL,-7689 +773159633,3143195,-2855,1,ALT (SGPT),70.0,70,Units/L,IU/L,-2832 +772949294,3143195,-7733,1,alkaline phos.,124.0,124,Units/L,IU/L,-7689 +774334372,3143195,-4880,1,direct bilirubin,2.1,2.1,mg/dL,MG/DL,-4832 +772949292,3143195,-7733,1,potassium,3.3,3.3,mmol/L,MMOL/L,-7689 +776590715,3143195,-617,3,MCH,35.0,35,pg,PG,-585 +772949291,3143195,-7733,1,total bilirubin,7.3,7.3,mg/dL,MG/DL,-7689 +773159630,3143195,-2855,1,total protein,7.2,7.2,g/dL,GM/DL,-2832 +774069675,3143195,-13574,1,BUN,8.0,8,mg/dL,MG/DL,-13508 +774072868,3143195,-10543,1,anion gap,11.0,11,,,-10479 +772949298,3143195,-7733,1,magnesium,1.4,1.4,mg/dL,MG/DL,-7689 +776590716,3143195,-617,3,-monos,9.0,9,%,%,-531 +774069668,3143195,-13574,1,total cholesterol,86.0,86,mg/dL,MG/DL,-13508 +773159632,3143195,-2855,1,calcium,8.6,8.6,mg/dL,MG/DL,-2832 +772796868,3143195,-6261,1,AST (SGOT),171.0,171,Units/L,IU/L,-6234 +774334367,3143195,-4880,1,sodium,141.0,141,mmol/L,MMOL/L,-4832 +774069660,3143195,-13574,1,sodium,137.0,137,mmol/L,MMOL/L,-13508 +776590710,3143195,-617,3,-bands,11.0,11,%,%,-531 +772796869,3143195,-6261,1,sodium,140.0,140,mmol/L,MMOL/L,-6234 +773159631,3143195,-2855,1,direct bilirubin,2.1,2.1,mg/dL,MG/DL,-2832 +774069658,3143195,-13574,1,anion gap,16.0,16,,,-13479 +773953272,3143195,-3465,1,anion gap,13.0,13,,,-3438 +772796863,3143195,-6261,1,total bilirubin,6.8,6.8,mg/dL,MG/DL,-6234 +776590709,3143195,-617,3,-eos,1.0,1,%,%,-531 +774069672,3143195,-13574,1,glucose,107.0,107,mg/dL,MG/DL,-13508 +773159622,3143195,-2855,1,potassium,3.2,3.2,mmol/L,MMOL/L,-2832 +772949296,3143195,-7733,1,AST (SGOT),172.0,172,Units/L,IU/L,-7689 +774216899,3143195,-12115,1,sodium,135.0,135,mmol/L,MMOL/L,-11991 +774069664,3143195,-13574,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-13508 +776590708,3143195,-617,3,Hct,33.2,33.2,%,%,-585 +772796879,3143195,-6261,1,amylase,63.0,63,Units/L,U/L,-6234 +773159628,3143195,-2855,1,albumin,3.3,3.3,g/dL,GM/DL,-2832 +774069669,3143195,-13574,1,lipase,406.0,406,Units/L,U/L,-13508 +774072870,3143195,-10543,1,sodium,133.0,133,mmol/L,MMOL/L,-10479 +772949297,3143195,-7733,1,sodium,141.0,141,mmol/L,MMOL/L,-7689 +776590711,3143195,-617,3,MCV,104.0,104,fL,FL,-585 +774069665,3143195,-13574,1,total protein,7.3,7.3,g/dL,GM/DL,-13508 +773159629,3143195,-2855,1,bicarbonate,23.0,23,mmol/L,MEQ/L,-2832 +772796864,3143195,-6261,1,potassium,3.4,3.4,mmol/L,MMOL/L,-6234 +774216908,3143195,-12115,1,BUN,11.0,11,mg/dL,MG/DL,-12019 +774069666,3143195,-13574,1,direct bilirubin,2.2,2.2,mg/dL,MG/DL,-13508 +776590712,3143195,-617,3,Hgb,11.2,11.2,g/dL,GM/DL,-585 +772796870,3143195,-6261,1,magnesium,1.5,1.5,mg/dL,MG/DL,-6234 +773159634,3143195,-2855,1,glucose,130.0,130,mg/dL,MG/DL,-2832 +774069661,3143195,-13574,1,magnesium,0.8,0.8,mg/dL,MG/DL,-13479 +773335992,3143195,-9195,1,glucose,124.0,124,mg/dL,MG/DL,-9159 +772796880,3143195,-6261,1,chloride,109.0,109,mmol/L,MEQ/L,-6234 +773953283,3143195,-3465,1,chloride,111.0,111,mmol/L,MEQ/L,-3438 +774069670,3143195,-13574,1,HDL,11.0,11,mg/dL,MG/DL,-13508 +773335990,3143195,-9195,1,lipase,316.0,316,Units/L,U/L,-9159 +772796865,3143195,-6261,1,creatinine,0.6,0.6,mg/dL,MG/DL,-6234 +776590713,3143195,-617,3,WBC x 1000,16.4,16.4,K/mcL,THOU/UL,-585 +774069663,3143195,-13574,1,triglycerides,65.0,65,mg/dL,MG/DL,-13508 +773335985,3143195,-9195,1,albumin,2.8,2.8,g/dL,GM/DL,-9159 +772796877,3143195,-6261,1,ALT (SGPT),63.0,63,Units/L,IU/L,-6234 +773159636,3143195,-2855,1,BUN,11.0,11,mg/dL,MG/DL,-2832 +774069671,3143195,-13574,1,ALT (SGPT),83.0,83,Units/L,IU/L,-13508 +773335983,3143195,-9195,1,sodium,138.0,138,mmol/L,MMOL/L,-9159 +772796878,3143195,-6261,1,glucose,87.0,87,mg/dL,MG/DL,-6234 +774216906,3143195,-12115,1,glucose,108.0,108,mg/dL,MG/DL,-12019 +775404856,3143195,-13574,3,MPV,12.1,12.1,fL,FL,-13526 +773335981,3143195,-9195,1,anion gap,8.0,8,,,-9159 +774069667,3143195,-13574,1,calcium,7.0,7.0,mg/dL,MG/DL,-13508 +777179901,3143195,-13574,4,serum osmolality,271.0,271,mOsm/kg H2O,MOSM/KG,-13508 +775404870,3143195,-13574,3,platelets x 1000,59.0,59,K/mcL,THOU/UL,-13526 +773335977,3143195,-9195,1,potassium,3.4,3.4,mmol/L,MMOL/L,-9159 +772796871,3143195,-6261,1,albumin,2.8,2.8,g/dL,GM/DL,-6234 +773159627,3143195,-2855,1,sodium,145.0,145,mmol/L,MMOL/L,-2832 +775404869,3143195,-13574,3,MCHC,35.0,35,g/dL,G/DL,-13526 +773335993,3143195,-9195,1,chloride,109.0,109,mmol/L,MEQ/L,-9159 +774069656,3143195,-13574,1,alkaline phos.,182.0,182,Units/L,IU/L,-13508 +777862481,3143195,-81,7,HCO3,23.4,23.4,mmol/L,mmol/L,-70 +775404857,3143195,-13574,3,-lymphs,9.2,9.2,%,%,-13526 +774072878,3143195,-10543,1,glucose,101.0,101,mg/dL,MG/DL,-10479 +772796876,3143195,-6261,1,lipase,764.0,764,Units/L,U/L,-6234 +773335994,3143195,-9195,1,BUN,11.0,11,mg/dL,MG/DL,-9159 +775404868,3143195,-13574,3,-monos,17.0,17.0,%,%,-13526 +777862482,3143195,-81,7,FiO2,32.0,32,%,%,-70 +774069673,3143195,-13574,1,amylase,48.0,48,Units/L,U/L,-13508 +776590717,3143195,-617,3,MCHC,34.0,34,g/dL,G/DL,-585 +775404865,3143195,-13574,3,WBC x 1000,8.8,8.8,K/mcL,THOU/UL,-13526 +773335989,3143195,-9195,1,calcium,6.9,6.9,mg/dL,MG/DL,-9159 +772796881,3143195,-6261,1,BUN,11.0,11,mg/dL,MG/DL,-6234 +777862485,3143195,-81,7,pH,7.42,7.42,,,-70 +775404866,3143195,-13574,3,RDW,17.4,17.4,%,%,-13526 +773159626,3143195,-2855,1,AST (SGOT),195.0,195,Units/L,IU/L,-2832 +774069674,3143195,-13574,1,chloride,101.0,101,mmol/L,MEQ/L,-13508 +773335988,3143195,-9195,1,direct bilirubin,3.3,3.3,mg/dL,MG/DL,-9159 +775404864,3143195,-13574,3,Hgb,11.3,11.3,g/dL,GM/DL,-13526 +777862483,3143195,-81,7,paO2,62.0,62.0,mm Hg,mmHg,-70 +772949301,3143195,-7733,1,total protein,6.4,6.4,g/dL,GM/DL,-7689 +777085348,3143195,2208,4,serum osmolality,287.0,287,mOsm/kg H2O,MOSM/KG,2310 +775404859,3143195,-13574,3,-basos,0.3,0.3,%,%,-13526 +773335991,3143195,-9195,1,ALT (SGPT),76.0,76,Units/L,IU/L,-9159 +774069657,3143195,-13574,1,LDL,62.0,62,mg/dL,MG/DL,-13508 +776797210,3143195,2208,3,Hgb,10.4,10.4,g/dL,GM/DL,2285 +775404860,3143195,-13574,3,-polys,73.5,73.5,%,%,-13526 +776868931,3143195,-2042,4,serum osmolality,287.0,287,mOsm/kg H2O,MOSM/KG,-2023 +772949306,3143195,-7733,1,chloride,108.0,108,mmol/L,MEQ/L,-7689 +773335987,3143195,-9195,1,total protein,7.1,7.1,g/dL,GM/DL,-9159 +775404861,3143195,-13574,3,Hct,32.0,32.0,%,%,-13526 +777862487,3143195,-81,7,O2 Sat (%),93.7,93.7,%,%,-70 +774069654,3143195,-13574,1,potassium,3.8,3.8,mmol/L,MMOL/L,-13479 +773159624,3143195,-2855,1,alkaline phos.,161.0,161,Units/L,IU/L,-2832 +775404858,3143195,-13574,3,RBC,3.16,3.16,M/mcL,MILL/UL,-13526 +773335986,3143195,-9195,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-9159 +772949304,3143195,-7733,1,ALT (SGPT),52.0,52,Units/L,IU/L,-7689 +776797208,3143195,2208,3,WBC x 1000,14.2,14.2,K/mcL,THOU/UL,2285 +775404862,3143195,-13574,3,-eos,0.0,0.0,%,%,-13526 +773953275,3143195,-3465,1,albumin,2.7,2.7,g/dL,GM/DL,-3438 +774069662,3143195,-13574,1,albumin,3.0,3.0,g/dL,GM/DL,-13508 +773335984,3143195,-9195,1,magnesium,1.8,1.8,mg/dL,MG/DL,-9159 +775404863,3143195,-13574,3,MCV,101.0,101,fL,FL,-13526 +776258830,3143195,-14760,3,MCH,36.0,36,pg,PG,-14753 +777862488,3143195,-81,7,Base Excess,-0.7,-0.7,mEq/L,mmol/L,-70 +772796873,3143195,-6261,1,total protein,6.3,6.3,g/dL,GM/DL,-6234 +776258831,3143195,-14760,3,-monos,16.9,16.9,%,%,-14753 +777318921,3143195,-617,4,serum osmolality,293.0,293,mOsm/kg H2O,MOSM/KG,-576 +775404867,3143195,-13574,3,MCH,36.0,36,pg,PG,-13526 +776258832,3143195,-14760,3,MCHC,36.0,36,g/dL,G/DL,-14753 +773335982,3143195,-9195,1,AST (SGOT),271.0,271,Units/L,IU/L,-9159 +774069655,3143195,-13574,1,creatinine,0.7,0.7,mg/dL,MG/DL,-13508 +776258833,3143195,-14760,3,platelets x 1000,66.0,66,K/mcL,THOU/UL,-14753 +776797209,3143195,2208,3,RBC,2.9,2.90,M/mcL,MILL/UL,2285 +774917488,3143195,-2042,3,-bands,10.0,10,%,%,-1999 +776258825,3143195,-14760,3,-eos,0.1,0.1,%,%,-14753 +773159623,3143195,-2855,1,creatinine,0.8,0.8,mg/dL,MG/DL,-2832 +772796874,3143195,-6261,1,direct bilirubin,2.9,2.9,mg/dL,MG/DL,-6234 +776258826,3143195,-14760,3,MCV,101.0,101,fL,FL,-14753 +773335976,3143195,-9195,1,total bilirubin,7.7,7.7,mg/dL,MG/DL,-9159 +774917496,3143195,-2042,3,platelets x 1000,117.0,117,K/mcL,THOU/UL,-2033 +776258827,3143195,-14760,3,Hgb,11.4,11.4,g/dL,GM/DL,-14753 +777253472,3143195,57,4,serum osmolality,293.0,293,mOsm/kg H2O,MOSM/KG,82 +774069659,3143195,-13574,1,AST (SGOT),397.0,397,Units/L,IU/L,-13508 +776258828,3143195,-14760,3,WBC x 1000,10.3,10.3,K/mcL,THOU/UL,-14753 +774216901,3143195,-12115,1,albumin,2.9,2.9,g/dL,GM/DL,-12019 +774917487,3143195,-2042,3,Hct,32.1,32.1,%,%,-2033 +776258823,3143195,-14760,3,-polys,69.4,69.4,%,%,-14753 +773335978,3143195,-9195,1,creatinine,0.6,0.6,mg/dL,MG/DL,-9159 +772949307,3143195,-7733,1,BUN,10.0,10,mg/dL,MG/DL,-7689 +776258824,3143195,-14760,3,Hct,32.1,32.1,%,%,-14753 +774830608,3143195,2328,2,Vancomycin - trough,12.3,12.3,mcg/mL,UG/ML,2385 +774917489,3143195,-2042,3,MCV,104.0,104,fL,FL,-2033 +776258829,3143195,-14760,3,RDW,17.2,17.2,%,%,-14753 +776590704,3143195,-617,3,MPV,11.0,11.0,fL,FL,-585 +776074280,3143195,-10543,3,MCH,37.0,37,pg,PG,-10527 +776258820,3143195,-14760,3,-lymphs,13.0,13.0,%,%,-14753 +773335979,3143195,-9195,1,LDH,706.0,706,Units/L,IU/L,-9159 +776521005,3143195,891,3,MCHC,34.0,34,g/dL,G/DL,900 +776258821,3143195,-14760,3,RBC,3.18,3.18,M/mcL,MILL/UL,-14753 +777862484,3143195,-81,7,paCO2,36.0,36.0,mm Hg,mmHg,-70 +774917494,3143195,-2042,3,-monos,6.0,6,%,%,-1999 +776258822,3143195,-14760,3,-basos,0.6,0.6,%,%,-14753 +773159625,3143195,-2855,1,anion gap,15.0,15,,,-2832 +776521006,3143195,891,3,platelets x 1000,125.0,125,K/mcL,THOU/UL,900 +776258819,3143195,-14760,3,MPV,12.0,12.0,fL,FL,-14753 +773335980,3143195,-9195,1,alkaline phos.,180.0,180,Units/L,IU/L,-9159 +772949293,3143195,-7733,1,creatinine,0.6,0.6,mg/dL,MG/DL,-7689 +776204380,3143195,-12115,3,platelets x 1000,60.0,60,K/mcL,THOU/UL,-12056 +776521004,3143195,891,3,-monos,9.0,9,%,%,966 +776312642,3143195,-4880,3,MPV,10.6,10.6,fL,FL,-4839 +774917490,3143195,-2042,3,Hgb,11.1,11.1,g/dL,GM/DL,-2033 +776312643,3143195,-4880,3,-lymphs,11.0,11,%,%,-4762 +776521001,3143195,891,3,WBC x 1000,14.7,14.7,K/mcL,THOU/UL,900 +776204378,3143195,-12115,3,-monos,15.2,15.2,%,%,-12056 +776074278,3143195,-10543,3,WBC x 1000,12.3,12.3,K/mcL,THOU/UL,-10527 +776312655,3143195,-4880,3,platelets x 1000,94.0,94,K/mcL,THOU/UL,-4839 +773685714,3143195,2208,1,anion gap,13.0,13,,,2310 +776204377,3143195,-12115,3,MCH,36.0,36,pg,PG,-12056 +774917486,3143195,-2042,3,-polys,78.0,78,%,%,-1999 +776204379,3143195,-12115,3,MCHC,35.0,35,g/dL,G/DL,-12056 +776521002,3143195,891,3,RDW,19.8,19.8,%,%,900 +776204364,3143195,-12115,3,-lymphs,7.0,7.0,%,%,-12056 +772949305,3143195,-7733,1,glucose,99.0,99,mg/dL,MG/DL,-7689 +776312651,3143195,-4880,3,RDW,19.3,19.3,%,%,-4839 +773685713,3143195,2208,1,bicarbonate,23.0,23,mmol/L,MEQ/L,2310 +776312652,3143195,-4880,3,MCH,37.0,37,pg,PG,-4839 +774917495,3143195,-2042,3,MCHC,35.0,35,g/dL,G/DL,-2033 +776204368,3143195,-12115,3,Hct,31.1,31.1,%,%,-12056 +776521003,3143195,891,3,MCH,35.0,35,pg,PG,900 +776312644,3143195,-4880,3,RBC,2.94,2.94,M/mcL,MILL/UL,-4839 +776074279,3143195,-10543,3,RDW,17.9,17.9,%,%,-10527 +776312653,3143195,-4880,3,-monos,11.0,11,%,%,-4762 +773685715,3143195,2208,1,calcium,7.5,7.5,mg/dL,MG/DL,2310 +776204376,3143195,-12115,3,RDW,18.0,18.0,%,%,-12056 +774917484,3143195,-2042,3,-lymphs,4.0,4,%,%,-1999 +776204370,3143195,-12115,3,-eos,0.1,0.1,%,%,-12056 +776998931,3143195,891,4,serum osmolality,291.0,291,mOsm/kg H2O,MOSM/KG,916 +775966448,3143195,-3465,3,MCV,103.0,103,fL,FL,-3448 +772949300,3143195,-7733,1,bicarbonate,21.0,21,mmol/L,MEQ/L,-7689 +776204374,3143195,-12115,3,Hgb,10.8,10.8,g/dL,GM/DL,-12056 +776520998,3143195,891,3,Hct,33.8,33.8,%,%,900 +775966449,3143195,-3465,3,Hgb,11.2,11.2,g/dL,GM/DL,-3448 +774917483,3143195,-2042,3,MPV,10.1,10.1,fL,FL,-2033 +774274768,3143195,-14760,1,bicarbonate,25.0,25,mmol/L,MEQ/L,-14740 +776998930,3143195,891,4,ammonia,14.0,14,mcg/dL,UMOL/L,907 +776204363,3143195,-12115,3,MPV,11.8,11.8,fL,FL,-12056 +776074281,3143195,-10543,3,-monos,6.0,6,%,%,-10430 +774274776,3143195,-14760,1,BUN,11.0,11,mg/dL,MG/DL,-14740 +773685712,3143195,2208,1,chloride,111.0,111,mmol/L,MEQ/L,2310 +775966443,3143195,-3465,3,Hct,31.8,31.8,%,%,-3448 +774690776,3143195,-13574,1,total bilirubin,6.0,6.0,mg/dL,MG/DL,-13508 +774274764,3143195,-14760,1,anion gap,19.0,19,,,-14740 +773334826,3143195,891,1,bicarbonate,24.0,24,mmol/L,MEQ/L,916 +776204365,3143195,-12115,3,RBC,3.01,3.01,M/mcL,MILL/UL,-12056 +772949302,3143195,-7733,1,direct bilirubin,3.2,3.2,mg/dL,MG/DL,-7689 +774274765,3143195,-14760,1,AST (SGOT),486.0,486,Units/L,IU/L,-14740 +776520997,3143195,891,3,-polys,79.0,79,%,%,966 +775966444,3143195,-3465,3,PT,23.6,23.6,sec,SEC,-3443 +774917485,3143195,-2042,3,RBC,3.1,3.10,M/mcL,MILL/UL,-2033 +774274772,3143195,-14760,1,ALT (SGPT),84.0,84,Units/L,IU/L,-14740 +773334827,3143195,891,1,calcium,8.1,8.1,mg/dL,MG/DL,916 +776204375,3143195,-12115,3,WBC x 1000,10.1,10.1,K/mcL,THOU/UL,-12056 +776074282,3143195,-10543,3,MCHC,36.0,36,g/dL,G/DL,-10527 +774274773,3143195,-14760,1,glucose,139.0,139,mg/dL,MG/DL,-14740 +773685711,3143195,2208,1,potassium,3.5,3.5,mmol/L,MMOL/L,2310 +775966441,3143195,-3465,3,RBC,3.1,3.10,M/mcL,MILL/UL,-3448 +774917491,3143195,-2042,3,WBC x 1000,15.7,15.7,K/mcL,THOU/UL,-2033 +774274774,3143195,-14760,1,amylase,72.0,72,Units/L,U/L,-14740 +773334828,3143195,891,1,glucose,102.0,102,mg/dL,MG/DL,916 +776204369,3143195,-12115,3,PT,22.8,22.8,sec,SEC,-12039 +772796866,3143195,-6261,1,alkaline phos.,131.0,131,Units/L,IU/L,-6234 +774274766,3143195,-14760,1,sodium,140.0,140,mmol/L,MMOL/L,-14740 +776520999,3143195,891,3,MCV,103.0,103,fL,FL,900 +775966442,3143195,-3465,3,-polys,64.0,64,%,%,-3378 +774917493,3143195,-2042,3,MCH,36.0,36,pg,PG,-2033 +774274775,3143195,-14760,1,chloride,99.0,99,mmol/L,MEQ/L,-14740 +773334829,3143195,891,1,chloride,110.0,110,mmol/L,MEQ/L,916 +776312654,3143195,-4880,3,MCHC,36.0,36,g/dL,G/DL,-4839 +776074283,3143195,-10543,3,platelets x 1000,68.0,68,K/mcL,THOU/UL,-10527 +774274761,3143195,-14760,1,potassium,3.3,3.3,mmol/L,MMOL/L,-14740 +773685707,3143195,2208,1,glucose,113.0,113,mg/dL,MG/DL,2310 +775966440,3143195,-3465,3,-lymphs,12.0,12,%,%,-3378 +774917492,3143195,-2042,3,RDW,20.0,20.0,%,%,-2033 +774274760,3143195,-14760,1,total bilirubin,6.2,6.2,mg/dL,MG/DL,-14740 +773334825,3143195,891,1,sodium,146.0,146,mmol/L,MMOL/L,916 +776204372,3143195,-12115,3,MCV,103.0,103,fL,FL,-12056 +772796875,3143195,-6261,1,calcium,7.4,7.4,mg/dL,MG/DL,-6234 +774274769,3143195,-14760,1,total protein,8.1,8.1,g/dL,GM/DL,-14740 +776388108,3143195,2208,3,MCH,36.0,36,pg,PG,2285 +775966445,3143195,-3465,3,-eos,1.0,1,%,%,-3378 +774637581,3143195,-617,1,BUN,16.0,16,mg/dL,MG/DL,-576 +774274767,3143195,-14760,1,albumin,3.5,3.5,g/dL,GM/DL,-14740 +776520994,3143195,891,3,MPV,11.0,11.0,fL,FL,900 +776204366,3143195,-12115,3,-basos,0.2,0.2,%,%,-12056 +776074273,3143195,-10543,3,-polys,81.0,81,%,%,-10430 +774274762,3143195,-14760,1,creatinine,0.8,0.8,mg/dL,MG/DL,-14740 +776388106,3143195,2208,3,Hct,29.7,29.7,%,%,2285 +775966446,3143195,-3465,3,PT - INR,2.15,2.15,ratio,,-3443 +772811197,3143195,-2042,1,BUN,13.0,13,mg/dL,MG/DL,-2023 +774274770,3143195,-14760,1,calcium,7.9,7.9,mg/dL,MG/DL,-14740 +773334822,3143195,891,1,potassium,3.2,3.2,mmol/L,MMOL/L,916 +776204373,3143195,-12115,3,PTT,37.4,37.4,sec,SEC,-12039 +774637578,3143195,-617,1,calcium,8.2,8.2,mg/dL,MG/DL,-576 +774274771,3143195,-14760,1,lipase,882.0,882,Units/L,U/L,-14740 +776388109,3143195,2208,3,MCHC,35.0,35,g/dL,G/DL,2285 +775966450,3143195,-3465,3,WBC x 1000,13.5,13.5,K/mcL,THOU/UL,-3448 +772796867,3143195,-6261,1,anion gap,12.0,12,,,-6234 +777229807,3143195,-14760,4,serum osmolality,279.0,279,mOsm/kg H2O,MOSM/KG,-14740 +773685708,3143195,2208,1,BUN,17.0,17,mg/dL,MG/DL,2310 +776312645,3143195,-4880,3,-polys,72.0,72,%,%,-4762 +772811196,3143195,-2042,1,chloride,113.0,113,mmol/L,MEQ/L,-2023 +774822084,3143195,-14760,2,ethanol,266.0,266,mg/dL,MG/DL,-14740 +776388107,3143195,2208,3,MCV,102.0,102,fL,FL,2285 +775966439,3143195,-3465,3,MPV,10.5,10.5,fL,FL,-3448 +774637577,3143195,-617,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-576 +777180711,3143195,-10543,4,serum osmolality,264.0,264,mOsm/kg H2O,MOSM/KG,-10479 +773334823,3143195,891,1,creatinine,0.8,0.8,mg/dL,MG/DL,916 +776312646,3143195,-4880,3,Hct,30.3,30.3,%,%,-4839 +776074274,3143195,-10543,3,Hct,31.0,31.0,%,%,-10527 +774274763,3143195,-14760,1,alkaline phos.,213.0,213,Units/L,IU/L,-14740 +776388110,3143195,2208,3,RDW,19.3,19.3,%,%,2285 +775966454,3143195,-3465,3,MCHC,35.0,35,g/dL,G/DL,-3448 +772811193,3143195,-2042,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-2023 +776841217,3143195,-10543,3,RBC,3.01,3.01,M/mcL,MILL/UL,-10527 +776520995,3143195,891,3,-lymphs,12.0,12,%,%,966 +776312647,3143195,-4880,3,-bands,6.0,6,%,%,-4762 +774637576,3143195,-617,1,sodium,147.0,147,mmol/L,MMOL/L,-576 +776841215,3143195,-10543,3,MPV,12.2,12.2,fL,FL,-10527 +776388115,3143195,2208,3,-monos,13.4,13.4,%,%,2285 +776999250,3143195,-9195,4,serum osmolality,275.0,275,mOsm/kg H2O,MOSM/KG,-9159 +772796872,3143195,-6261,1,bicarbonate,22.0,22,mmol/L,MEQ/L,-6234 +776841216,3143195,-10543,3,-lymphs,6.0,6,%,%,-10430 +776611054,3143195,130,3,PTT,40.0,40.0,sec,SEC,151 +775966455,3143195,-3465,3,platelets x 1000,103.0,103,K/mcL,THOU/UL,-3448 +772811194,3143195,-2042,1,calcium,8.3,8.3,mg/dL,MG/DL,-2023 +776347264,3143195,57,3,MCH,36.0,36,pg,PG,75 +776388116,3143195,2208,3,-eos,0.3,0.3,%,%,2285 +776312648,3143195,-4880,3,MCV,103.0,103,fL,FL,-4839 +774637574,3143195,-617,1,creatinine,0.7,0.7,mg/dL,MG/DL,-576 +776347265,3143195,57,3,-monos,4.0,4,%,%,124 +773685709,3143195,2208,1,creatinine,0.9,0.9,mg/dL,MG/DL,2310 +776999249,3143195,-9195,4,ammonia,29.0,29,mcg/dL,UMOL/L,-9157 +776347266,3143195,57,3,MCHC,35.0,35,g/dL,G/DL,75 +776388117,3143195,2208,3,-basos,0.4,0.4,%,%,2285 +775966453,3143195,-3465,3,-monos,20.0,20,%,%,-3378 +772811195,3143195,-2042,1,glucose,116.0,116,mg/dL,MG/DL,-2023 +776347263,3143195,57,3,RDW,20.3,20.3,%,%,75 +773334824,3143195,891,1,anion gap,15.0,15,,,916 +776312650,3143195,-4880,3,WBC x 1000,11.6,11.6,K/mcL,THOU/UL,-4839 +774637573,3143195,-617,1,potassium,3.4,3.4,mmol/L,MMOL/L,-576 +776347256,3143195,57,3,-lymphs,12.0,12,%,%,124 +776388118,3143195,2208,3,PTT,50.1,50.1,sec,SEC,2302 +776902697,3143195,-7733,4,serum osmolality,279.0,279,mOsm/kg H2O,MOSM/KG,-7689 +772949295,3143195,-7733,1,anion gap,15.0,15,,,-7689 +776347267,3143195,57,3,platelets x 1000,124.0,124,K/mcL,THOU/UL,75 +776521000,3143195,891,3,Hgb,11.6,11.6,g/dL,GM/DL,900 +775966452,3143195,-3465,3,MCH,36.0,36,pg,PG,-3448 +772811189,3143195,-2042,1,potassium,3.6,3.6,mmol/L,MMOL/L,-2023 +776347262,3143195,57,3,WBC x 1000,13.5,13.5,K/mcL,THOU/UL,75 +776388111,3143195,2208,3,platelets x 1000,114.0,114,K/mcL,THOU/UL,2285 +776312649,3143195,-4880,3,Hgb,10.8,10.8,g/dL,GM/DL,-4839 +774637580,3143195,-617,1,chloride,112.0,112,mmol/L,MEQ/L,-576 +776347260,3143195,57,3,MCV,103.0,103,fL,FL,75 +777201705,3143195,-4528,4,ammonia,17.0,17,mcg/dL,UMOL/L,-4510 +776902696,3143195,-7733,4,ammonia,24.0,24,mcg/dL,UMOL/L,-7712 +776074276,3143195,-10543,3,MCV,103.0,103,fL,FL,-10527 +776347255,3143195,57,3,MPV,10.7,10.7,fL,FL,75 +776388112,3143195,2208,3,MPV,11.2,11.2,fL,FL,2285 +775966447,3143195,-3465,3,-bands,1.0,1,%,%,-3377 +772811190,3143195,-2042,1,creatinine,0.7,0.7,mg/dL,MG/DL,-2023 +776347257,3143195,57,3,RBC,3.35,3.35,M/mcL,MILL/UL,75 +773685710,3143195,2208,1,sodium,143.0,143,mmol/L,MMOL/L,2310 +776204371,3143195,-12115,3,PT - INR,2.06,2.06,ratio,,-12039 +774637579,3143195,-617,1,glucose,118.0,118,mg/dL,MG/DL,-576 +776347258,3143195,57,3,-polys,84.0,84,%,%,124 +776388113,3143195,2208,3,-polys,74.9,74.9,%,%,2285 +776865370,3143195,-6261,4,serum osmolality,276.0,276,mOsm/kg H2O,MOSM/KG,-6234 +772949303,3143195,-7733,1,calcium,7.2,7.2,mg/dL,MG/DL,-7689 +776347261,3143195,57,3,Hgb,12.1,12.1,g/dL,GM/DL,75 +773334830,3143195,891,1,BUN,16.0,16,mg/dL,MG/DL,916 +775966451,3143195,-3465,3,RDW,19.5,19.5,%,%,-3448 +772811191,3143195,-2042,1,anion gap,11.0,11,,,-2023 +776968978,3143195,-10030,4,urinary osmolality,636.0,636,mOsm/L,MOSM/KG,-8357 +776274203,3143195,891,3,PTT,79.6,79.6,sec,SEC,906 +776347259,3143195,57,3,Hct,34.6,34.6,%,%,75 +774637575,3143195,-617,1,anion gap,14.0,14,,,-576 +776892117,3143195,-8942,4,WBC's in body fluid,174.0,174,,/UL,-8778 +776520996,3143195,891,3,RBC,3.28,3.28,M/mcL,MILL/UL,900 +776955267,3143195,-2855,4,serum osmolality,289.0,289,mOsm/kg H2O,MOSM/KG,-2832 +776074277,3143195,-10543,3,Hgb,11.0,11.0,g/dL,GM/DL,-10527 +776204367,3143195,-12115,3,-polys,77.5,77.5,%,%,-12056 +776388114,3143195,2208,3,-lymphs,11.0,11.0,%,%,2285 +776897740,3143195,-10376,4,ammonia,35.0,35,mcg/dL,UMOL/L,-10347 +772811192,3143195,-2042,1,sodium,144.0,144,mmol/L,MMOL/L,-2023 +776968977,3143195,-10030,4,urinary sodium,10.0,10,mmol/L,MEQ/L,-9751 +776074275,3143195,-10543,3,-bands,5.0,5,%,%,-10430 +116353083,533168,3559,3,-lymphs,16.0,16,%,%,3665 +116353082,533168,3559,3,MPV,11.6,11.6,fL,fL,3665 +116353084,533168,3559,3,RBC,4.34,4.34,M/mcL,M/uL,3665 +116353086,533168,3559,3,-polys,68.0,68,%,%,3665 +115639539,533168,5178,3,platelets x 1000,191.0,191,K/mcL,K/uL,5194 +116353096,533168,3559,3,platelets x 1000,186.0,186,K/mcL,K/uL,3665 +122469928,533168,-307,3,RDW,14.4,14.4,%,%,-294 +115639538,533168,5178,3,RDW,13.8,13.8,%,%,5194 +122469923,533168,-307,3,Hct,38.5,38.5,%,%,-294 +115639540,533168,5178,3,MPV,10.8,10.8,fL,fL,5194 +122469922,533168,-307,3,-polys,66.0,66,%,%,-294 +116353091,533168,3559,3,WBC x 1000,7.2,7.2,K/mcL,K/uL,3665 +122469924,533168,-307,3,-eos,1.0,1,%,%,-294 +115639531,533168,5178,3,WBC x 1000,8.0,8.0,K/mcL,K/uL,5194 +122469930,533168,-307,3,-monos,12.0,12,%,%,-294 +116353092,533168,3559,3,RDW,13.8,13.8,%,%,3665 +111584488,533168,3559,1,potassium,2.7,2.7,mmol/L,mmol/L,3690 +115639541,533168,5178,3,-polys,67.0,67,%,%,5194 +122469925,533168,-307,3,MCV,94.0,94,fL,fL,-294 +116353093,533168,3559,3,MCH,31.0,31,pg,pg,3665 +111584494,533168,3559,1,glucose,78.0,78,mg/dL,mg/dL,3690 +115639532,533168,5178,3,RBC,4.56,4.56,M/mcL,M/uL,5194 +122469920,533168,-307,3,RBC,4.11,4.11,M/mcL,M/uL,-294 +116353094,533168,3559,3,-monos,13.0,13,%,%,3665 +111584495,533168,3559,1,chloride,99.0,99,mmol/L,mmol/L,3690 +115639533,533168,5178,3,Hgb,14.1,14.1,g/dL,g/dL,5194 +122469926,533168,-307,3,Hgb,12.8,12.8,g/dL,g/dL,-294 +106578413,533168,738,1,anion gap,12.0,12,,,841 +111584493,533168,3559,1,calcium,8.5,8.5,mg/dL,mg/dL,3690 +116353088,533168,3559,3,-eos,3.0,3,%,%,3665 +118798880,533168,738,3,MCH,31.0,31,pg,pg,815 +106578414,533168,738,1,sodium,143.0,143,mmol/L,mmol/L,841 +122469921,533168,-307,3,-basos,0.0,0,%,%,-294 +115639536,533168,5178,3,MCH,31.0,31,pg,pg,5194 +118798881,533168,738,3,MCHC,33.0,33,g/dL,g/dL,815 +106578412,533168,738,1,creatinine,1.13,1.13,mg/dL,mg/dL,841 +111584489,533168,3559,1,creatinine,1.12,1.12,mg/dL,mg/dL,3690 +116353089,533168,3559,3,MCV,93.0,93,fL,fL,3665 +118798873,533168,738,3,MPV,11.4,11.4,fL,fL,815 +106578415,533168,738,1,bicarbonate,19.0,19,mmol/L,mmol/L,841 +122469927,533168,-307,3,WBC x 1000,5.8,5.8,K/mcL,K/uL,-294 +115639534,533168,5178,3,Hct,41.7,41.7,%,%,5194 +118798877,533168,738,3,Hgb,12.7,12.7,g/dL,g/dL,815 +123093044,533168,2068,3,MCHC,33.0,33,g/dL,g/dL,2178 +111584490,533168,3559,1,anion gap,8.0,8,,,3690 +114582067,533168,738,1,total cholesterol,192.0,192,mg/dL,mg/dL,841 +118798874,533168,738,3,RBC,4.14,4.14,M/mcL,M/uL,815 +123093045,533168,2068,3,platelets x 1000,155.0,155,K/mcL,K/uL,2178 +122469931,533168,-307,3,MCHC,33.0,33,g/dL,g/dL,-294 +116353090,533168,3559,3,Hgb,13.5,13.5,g/dL,g/dL,3665 +118798876,533168,738,3,MCV,94.0,94,fL,fL,815 +123093043,533168,2068,3,MCH,32.0,32,pg,pg,2178 +111584496,533168,3559,1,BUN,16.0,16,mg/dL,mg/dL,3690 +106578418,533168,738,1,chloride,112.0,112,mmol/L,mmol/L,841 +118798875,533168,738,3,Hct,38.8,38.8,%,%,815 +123093042,533168,2068,3,RDW,14.4,14.4,%,%,2178 +113175878,533168,-307,1,potassium,3.9,3.9,mmol/L,mmol/L,-282 +115639537,533168,5178,3,MCHC,34.0,34,g/dL,g/dL,5194 +118798878,533168,738,3,WBC x 1000,8.3,8.3,K/mcL,K/uL,815 +123093040,533168,2068,3,Hgb,14.6,14.6,g/dL,g/dL,2178 +111584492,533168,3559,1,bicarbonate,30.0,30,mmol/L,mmol/L,3690 +114582066,533168,738,1,triglycerides,79.0,79,mg/dL,mg/dL,841 +118798882,533168,738,3,platelets x 1000,189.0,189,K/mcL,K/uL,815 +123093041,533168,2068,3,WBC x 1000,12.3,12.3,K/mcL,K/uL,2178 +122469932,533168,-307,3,platelets x 1000,191.0,191,K/mcL,K/uL,-294 +117461367,533168,2068,3,Vitamin B12,765.0,765,pg/mL,pg/mL,2425 +118798879,533168,738,3,RDW,14.5,14.5,%,%,815 +123093038,533168,2068,3,Hct,44.2,44.2,%,%,2178 +125027601,533168,-32,4,WBC's in urine,26.0,26,,/HPF,-24 +106578419,533168,738,1,BUN,23.0,23,mg/dL,mg/dL,841 +113989903,533168,5178,1,magnesium,1.5,1.5,mg/dL,mg/dL,5214 +124487934,533168,2068,3,PT - INR,1.3,1.3,ratio,,2173 +114632547,533168,5178,2,Digoxin,1.0,1.0,ng/mL,ng/mL,5232 +115639535,533168,5178,3,MCV,91.0,91,fL,fL,5194 +112997575,533168,6683,1,magnesium,1.8,1.8,mg/dL,mg/dL,6728 +111584491,533168,3559,1,sodium,137.0,137,mmol/L,mmol/L,3690 +123093037,533168,2068,3,RBC,4.64,4.64,M/mcL,M/uL,2178 +107775290,533168,6683,1,potassium,3.2,3.2,mmol/L,mmol/L,6728 +114582068,533168,738,1,HDL,57.0,57,mg/dL,mg/dL,851 +107775291,533168,6683,1,chloride,101.0,101,mmol/L,mmol/L,6728 +124487933,533168,2068,3,PT,15.3,15.3,sec,Seconds,2173 +107775293,533168,6683,1,anion gap,7.0,7,,,6728 +116353095,533168,3559,3,MCHC,34.0,34,g/dL,g/dL,3665 +107884345,533168,5178,1,sodium,140.0,140,mmol/L,mmol/L,5214 +123093039,533168,2068,3,MCV,95.0,95,fL,fL,2178 +107884353,533168,5178,1,calcium,8.4,8.4,mg/dL,mg/dL,5214 +106578416,533168,738,1,calcium,8.6,8.6,mg/dL,mg/dL,841 +107775295,533168,6683,1,BUN,15.0,15,mg/dL,mg/dL,6728 +111452911,533168,-307,1,creatinine,1.26,1.26,mg/dL,mg/dL,-282 +107775292,533168,6683,1,bicarbonate,33.0,33,mmol/L,mmol/L,6728 +115639542,533168,5178,3,-lymphs,14.0,14,%,%,5194 +107775294,533168,6683,1,glucose,93.0,93,mg/dL,mg/dL,6728 +125805285,533168,2068,4,ammonia,49.0,49,mcg/dL,umol/L,2189 +107884349,533168,5178,1,anion gap,8.0,8,,,5214 +123991534,533168,2068,3,MPV,12.7,12.7,fL,fL,2178 +107884351,533168,5178,1,BUN,17.0,17,mg/dL,mg/dL,5214 +114582065,533168,738,1,LDL,119.0,119,mg/dL,mg/dL,851 +107884350,533168,5178,1,glucose,99.0,99,mg/dL,mg/dL,5214 +111906512,533168,2416,1,chloride,109.0,109,mmol/L,mmol/L,2468 +107775298,533168,6683,1,phosphate,3.3,3.3,mg/dL,mg/dL,6728 +110538602,533168,2416,1,troponin - I,0.06,0.06,ng/mL,ng/mL,2471 +107884348,533168,5178,1,bicarbonate,31.0,31,mmol/L,mmol/L,5214 +111906511,533168,2416,1,glucose,88.0,88,mg/dL,mg/dL,2468 +107775297,533168,6683,1,calcium,8.2,8.2,mg/dL,mg/dL,6728 +106578417,533168,738,1,glucose,111.0,111,mg/dL,mg/dL,841 +110859304,533168,738,1,ALT (SGPT),16.0,16,Units/L,U/L,841 +111906505,533168,2416,1,sodium,142.0,142,mmol/L,mmol/L,2468 +107884346,533168,5178,1,potassium,3.3,3.3,mmol/L,mmol/L,5214 +115639545,533168,5178,3,-basos,0.0,0,%,%,5194 +110859302,533168,738,1,total protein,6.2,6.2,g/dL,g/dL,841 +111906513,533168,2416,1,BUN,21.0,21,mg/dL,mg/dL,2468 +107884347,533168,5178,1,chloride,101.0,101,mmol/L,mmol/L,5214 +107399852,533168,-307,1,bicarbonate,21.0,21,mmol/L,mmol/L,-282 +110859303,533168,738,1,direct bilirubin,0.2,0.2,mg/dL,mg/dL,841 +111906503,533168,2416,1,anion gap,8.0,8,,,2468 +107775299,533168,6683,1,albumin,3.4,3.4,g/dL,g/dL,6728 +124851465,533168,738,4,TSH,1.16,1.160,mcU/ml,uIU/mL,851 +108012395,533168,-307,1,troponin - I,0.08,0.08,ng/mL,ng/mL,-159 +111906502,533168,2416,1,alkaline phos.,256.0,256,Units/L,U/L,2468 +110859301,533168,738,1,albumin,3.6,3.6,g/dL,g/dL,841 +109430093,533168,738,1,magnesium,1.9,1.9,mg/dL,mg/dL,841 +123783356,533168,-307,3,-lymphs,21.0,21,%,%,-294 +111906501,533168,2416,1,creatinine,1.13,1.13,mg/dL,mg/dL,2468 +107884352,533168,5178,1,creatinine,1.09,1.09,mg/dL,mg/dL,5214 +115639543,533168,5178,3,-monos,17.0,17,%,%,5194 +107933648,533168,-307,1,glucose,122.0,122,mg/dL,mg/dL,-282 +111906499,533168,2416,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,2471 +110859300,533168,738,1,AST (SGOT),16.0,16,Units/L,U/L,841 +107399851,533168,-307,1,anion gap,11.0,11,,,-282 +122008249,533168,-307,3,PTT,31.4,31.4,sec,Seconds,-279 +111906500,533168,2416,1,potassium,3.8,3.8,mmol/L,mmol/L,2468 +107775289,533168,6683,1,sodium,141.0,141,mmol/L,mmol/L,6728 +116353087,533168,3559,3,Hct,40.2,40.2,%,%,3665 +123351630,533168,-307,3,PT,15.7,15.7,sec,Seconds,-279 +111906504,533168,2416,1,AST (SGOT),20.0,20,Units/L,U/L,2468 +110859298,533168,738,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,841 +106578411,533168,738,1,potassium,3.9,3.9,mmol/L,mmol/L,841 +119830402,533168,2068,3,-monos,12.0,12,%,%,2277 +111906509,533168,2416,1,calcium,8.3,8.3,mg/dL,mg/dL,2468 +120771443,533168,2068,3,PTT,32.8,32.8,sec,Seconds,2175 +115639544,533168,5178,3,-eos,3.0,3,%,%,5194 +108431190,533168,-307,1,BUN,21.0,21,mg/dL,mg/dL,-282 +111906506,533168,2416,1,albumin,3.5,3.5,g/dL,g/dL,2468 +119830401,533168,2068,3,-eos,5.0,5,%,%,2277 +112678453,533168,-307,1,chloride,113.0,113,mmol/L,mmol/L,-282 +123783355,533168,-307,3,MPV,11.4,11.4,fL,fL,-294 +111906510,533168,2416,1,ALT (SGPT),14.0,14,Units/L,U/L,2468 +110859299,533168,738,1,alkaline phos.,263.0,263,Units/L,U/L,841 +112533011,533168,-307,1,sodium,145.0,145,mmol/L,mmol/L,-282 +119830400,533168,2068,3,-polys,62.0,62,%,%,2277 +111906507,533168,2416,1,bicarbonate,25.0,25,mmol/L,mmol/L,2468 +123351631,533168,-307,3,PT - INR,1.3,1.3,ratio,,-279 +126913475,533168,-32,4,urinary specific gravity,1.024,1.024,,,-28 +107775296,533168,6683,1,creatinine,1.18,1.18,mg/dL,mg/dL,6728 +111906508,533168,2416,1,total protein,5.9,5.9,g/dL,g/dL,2468 +119830399,533168,2068,3,-lymphs,21.0,21,%,%,2277 +122469929,533168,-307,3,MCH,31.0,31,pg,pg,-294 +116353085,533168,3559,3,-basos,0.0,0,%,%,3665 +230513603,970329,720,3,platelets x 1000,213.0,213,K/mcL,th/uL,789 +230513602,970329,720,3,MCHC,31.3,31.3,g/dL,g/dL,789 +230513601,970329,720,3,-monos,1.3,1.3,%,%,789 +230513596,970329,720,3,MCV,85.7,85.7,fL,fL,789 +230513593,970329,720,3,-polys,95.6,95.6,%,%,789 +230513594,970329,720,3,Hct,31.2,31.2,%,%,789 +228872386,970329,720,1,potassium,5.0,5.0,mmol/L,mmol/L,798 +230513595,970329,720,3,-eos,0.0,0.0,%,%,789 +228872392,970329,720,1,glucose,145.0,145,mg/dL,mg/dL,798 +230513597,970329,720,3,Hgb,9.8,9.8,g/dL,g/dL,789 +228872393,970329,720,1,chloride,104.0,104,mmol/L,mmol/L,798 +230513591,970329,720,3,RBC,3.64,3.64,M/mcL,mill/uL,789 +228872391,970329,720,1,calcium,9.3,9.3,mg/dL,mg/dL,798 +230513598,970329,720,3,WBC x 1000,9.7,9.7,K/mcL,th/uL,789 +228872394,970329,720,1,BUN,24.0,24,mg/dL,mg/dL,798 +230513592,970329,720,3,-basos,0.2,0.2,%,%,789 +228872387,970329,720,1,creatinine,0.9,0.90,mg/dL,mg/dL,798 +230513590,970329,720,3,-lymphs,2.9,2.9,%,%,789 +228872388,970329,720,1,anion gap,5.0,5,,,798 +230513599,970329,720,3,RDW,14.4,14.4,%,%,789 +231432664,970329,462,4,bedside glucose,174.0,174,mg/dL,mg/dL,462 +231325889,970329,2263,4,bedside glucose,97.0,97,mg/dL,mg/dL,2263 +228872389,970329,720,1,sodium,143.0,143,mmol/L,mmol/L,798 +230513589,970329,720,3,MPV,8.7,8.7,fL,fL,789 +231291818,970329,1927,4,bedside glucose,147.0,147,mg/dL,mg/dL,1927 +231212224,970329,828,4,bedside glucose,159.0,159,mg/dL,mg/dL,828 +231303174,970329,1554,4,bedside glucose,167.0,167,mg/dL,mg/dL,1554 +230513600,970329,720,3,MCH,26.8,26.8,pg,pg,789 +231344276,970329,2652,4,bedside glucose,180.0,180,mg/dL,mg/dL,2652 +228872390,970329,720,1,bicarbonate,34.0,34,mmol/L,mmol/L,798 +231325116,970329,1189,4,bedside glucose,221.0,221,mg/dL,mg/dL,1189 +436970937,1852395,18138,3,MCV,90.0,90,fL,FL,18192 +441381507,1852395,19667,3,-monos,9.0,9,%,%,19692 +436970933,1852395,18138,3,WBC x 1000,9.6,9.6,K/mcL,K/CMM,18192 +441381506,1852395,19667,3,-lymphs,17.0,17,%,%,19692 +436970934,1852395,18138,3,RBC,2.79,2.79,M/mcL,M/CMM,18192 +441381509,1852395,19667,3,-basos,1.0,1,%,%,19692 +436970935,1852395,18138,3,Hgb,8.4,8.4,g/dL,G/DL,18192 +441381508,1852395,19667,3,-eos,5.0,5,%,%,19692 +440745605,1852395,-3087,3,RBC,3.67,3.67,M/mcL,M/CMM,-3056 +436970945,1852395,18138,3,-eos,4.0,4,%,%,18192 +440745609,1852395,-3087,3,MCV,89.0,89,fL,FL,-3056 +441381505,1852395,19667,3,-polys,70.0,70,%,%,19692 +415656691,1852395,-3087,1,albumin,3.4,3.4,g/dL,G/DL,-3001 +440745606,1852395,-3087,3,-polys,84.0,84,%,%,-2998 +415656686,1852395,-3087,1,potassium,4.0,4.0,mmol/L,MEQ/L,-3001 +436970936,1852395,18138,3,Hct,25.0,25.0,%,%,18192 +415656693,1852395,-3087,1,total protein,7.4,7.4,g/dL,G/DL,-3001 +440745610,1852395,-3087,3,Hgb,10.9,10.9,g/dL,G/DL,-3056 +425515169,1852395,8069,1,phosphate,3.7,3.7,mg/dL,MG/DL,8114 +417373694,1852395,-586,1,total cholesterol,69.0,69,mg/dL,mg/dL,203 +425515168,1852395,8069,1,calcium,8.5,8.5,mg/dL,MG/DL,8114 +415656685,1852395,-3087,1,total bilirubin,0.6,0.6,mg/dL,MG/DL,-3001 +425515167,1852395,8069,1,bicarbonate,23.0,23,mmol/L,MEQ/L,8114 +441381501,1852395,19667,3,MCH,30.2,30.2,pg,PG,19692 +425515166,1852395,8069,1,chloride,107.0,107,mmol/L,MEQ/L,8114 +417373693,1852395,-586,1,triglycerides,111.0,111,mg/dL,mg/dL,203 +425515165,1852395,8069,1,potassium,4.4,4.4,mmol/L,MEQ/L,8114 +415656698,1852395,-3087,1,BUN,46.0,46,mg/dL,MG/DL,-3001 +440955847,1852395,-586,3,WBC x 1000,24.1,24.1,K/mcL,K/CMM,-560 +440745614,1852395,-3087,3,-monos,2.0,2,%,%,-2998 +425515161,1852395,8069,1,glucose,106.0,106,mg/dL,MG/DL,8114 +417373695,1852395,-586,1,HDL,11.0,11,mg/dL,mg/dL,203 +440955848,1852395,-586,3,RDW,13.7,13.7,%,%,-560 +415656697,1852395,-3087,1,chloride,91.0,91,mmol/L,MEQ/L,-3001 +425515162,1852395,8069,1,BUN,25.0,25,mg/dL,MG/DL,8114 +436970946,1852395,18138,3,-basos,0.0,0,%,%,18192 +440955849,1852395,-586,3,MCH,29.5,29.5,pg,PG,-560 +417373685,1852395,-586,1,creatinine,1.9,1.9,mg/dL,MG/DL,-552 +425515163,1852395,8069,1,creatinine,1.4,1.4,mg/dL,MG/DL,8114 +415656692,1852395,-3087,1,bicarbonate,23.0,23,mmol/L,MEQ/L,-3001 +440955844,1852395,-586,3,-bands,6.0,6,%,%,-413 +440745607,1852395,-3087,3,Hct,32.6,32.6,%,%,-3056 +425515164,1852395,8069,1,sodium,140.0,140,mmol/L,MEQ/L,8114 +417373686,1852395,-586,1,sodium,135.0,135,mmol/L,MEQ/L,-552 +440955850,1852395,-586,3,-monos,6.0,6,%,%,-413 +415656688,1852395,-3087,1,alkaline phos.,114.0,114,Units/L,U/L,-3001 +444280830,1852395,-2422,4,bedside glucose,288.0,288,mg/dL,MG/DL,-2417 +441381502,1852395,19667,3,MCHC,33.7,33.7,g/dL,%,19692 +445528290,1852395,16833,4,bedside glucose,185.0,185,mg/dL,MG/DL,16854 +417373684,1852395,-586,1,potassium,4.0,4.0,mmol/L,MEQ/L,-552 +440955845,1852395,-586,3,MCV,90.0,90,fL,FL,-560 +415656689,1852395,-3087,1,AST (SGOT),64.0,64,Units/L,U/L,-3001 +432789106,1852395,15297,3,MCV,89.0,89,fL,FL,15333 +440745604,1852395,-3087,3,-lymphs,4.0,4,%,%,-2998 +440955843,1852395,-586,3,Hct,30.0,30.0,%,%,-560 +417373687,1852395,-586,1,bicarbonate,19.0,19,mmol/L,MEQ/L,-552 +432789107,1852395,15297,3,MCH,30.5,30.5,pg,PG,15333 +415656690,1852395,-3087,1,sodium,130.0,130,mmol/L,MEQ/L,-3001 +431116365,1852395,10929,3,platelets x 1000,479.0,479,K/mcL,K/CMM,10955 +440955846,1852395,-586,3,Hgb,9.9,9.9,g/dL,G/DL,-560 +431116366,1852395,10929,3,-polys,79.0,79,%,%,10955 +436970938,1852395,18138,3,MCH,30.1,30.1,pg,PG,18192 +431116367,1852395,10929,3,-lymphs,12.0,12,%,%,10955 +432789105,1852395,15297,3,Hct,23.6,23.6,%,%,15333 +431116368,1852395,10929,3,-monos,7.0,7,%,%,10955 +417373688,1852395,-586,1,calcium,8.0,8.0,mg/dL,MG/DL,-552 +431047199,1852395,8051,3,-polys,80.0,80,%,%,8106 +440955842,1852395,-586,3,-polys,85.0,85,%,%,-413 +431116364,1852395,10929,3,RDW,14.7,14.7,%,%,10955 +415656694,1852395,-3087,1,calcium,9.2,9.2,mg/dL,MG/DL,-3001 +431116369,1852395,10929,3,-eos,3.0,3,%,%,10955 +432789108,1852395,15297,3,MCHC,34.2,34.2,g/dL,%,15333 +431047198,1852395,8051,3,platelets x 1000,381.0,381,K/mcL,K/CMM,8106 +440745615,1852395,-3087,3,MCHC,33.6,33.6,g/dL,%,-3056 +431047197,1852395,8051,3,RDW,14.6,14.6,%,%,8106 +444349295,1852395,2694,4,bedside glucose,198.0,198,mg/dL,MG/DL,3141 +431116370,1852395,10929,3,-basos,0.0,0,%,%,10955 +417373689,1852395,-586,1,glucose,117.0,117,mg/dL,MG/DL,-552 +431047200,1852395,8051,3,-lymphs,12.0,12,%,%,8106 +432789104,1852395,15297,3,Hgb,8.1,8.1,g/dL,G/DL,15333 +431116361,1852395,10929,3,MCV,90.0,90,fL,FL,10955 +415656695,1852395,-3087,1,ALT (SGPT),30.0,30,Units/L,U/L,-3001 +431047201,1852395,8051,3,-monos,6.0,6,%,%,8106 +440955841,1852395,-586,3,RBC,3.35,3.35,M/mcL,M/CMM,-560 +431116363,1852395,10929,3,MCHC,34.3,34.3,g/dL,%,10955 +441381499,1852395,19667,3,Hct,27.7,27.7,%,%,19692 +431116362,1852395,10929,3,MCH,30.7,30.7,pg,PG,10955 +432789103,1852395,15297,3,RBC,2.64,2.64,M/mcL,M/CMM,15333 +431047193,1852395,8051,3,Hct,26.7,26.7,%,%,8106 +417373690,1852395,-586,1,chloride,103.0,103,mmol/L,MEQ/L,-552 +430711688,1852395,2285,3,Hct,27.6,27.6,%,%,2355 +444502752,1852395,5630,4,bedside glucose,218.0,218,mg/dL,MG/DL,5641 +431047194,1852395,8051,3,MCV,89.0,89,fL,FL,8106 +415656696,1852395,-3087,1,glucose,282.0,282,mg/dL,MG/DL,-3001 +430711689,1852395,2285,3,-bands,8.0,8,%,%,2364 +432789109,1852395,15297,3,RDW,15.6,15.6,%,%,15333 +431047192,1852395,8051,3,Hgb,9.1,9.1,g/dL,G/DL,8106 +440745608,1852395,-3087,3,-bands,10.0,10,%,%,-2998 +430711690,1852395,2285,3,MCV,90.0,90,fL,FL,2355 +442659170,1852395,7341,4,bedside glucose,63.0,63,mg/dL,MG/DL,7348 +431047202,1852395,8051,3,-eos,2.0,2,%,%,8106 +417373691,1852395,-586,1,BUN,38.0,38,mg/dL,MG/DL,-552 +430711691,1852395,2285,3,Hgb,9.3,9.3,g/dL,G/DL,2355 +442606310,1852395,521,4,bedside glucose,253.0,253,mg/dL,MG/DL,552 +431047195,1852395,8051,3,MCH,30.2,30.2,pg,PG,8106 +415656687,1852395,-3087,1,creatinine,2.2,2.2,mg/dL,MG/DL,-3001 +430711686,1852395,2285,3,RBC,3.08,3.08,M/mcL,M/CMM,2355 +438989462,1852395,4108,3,PTT,50.0,50,sec,SEC,4139 +443465428,1852395,17128,4,bedside glucose,189.0,189,mg/dL,MG/DL,17143 +436970943,1852395,18138,3,-lymphs,19.0,19,%,%,18192 +431116359,1852395,10929,3,Hgb,8.6,8.6,g/dL,G/DL,10955 +432789102,1852395,15297,3,WBC x 1000,14.7,14.7,K/mcL,K/CMM,15333 +430711693,1852395,2285,3,RDW,14.1,14.1,%,%,2355 +417373692,1852395,-586,1,LDL,36.0,36,mg/dL,mg/dL,203 +443323607,1852395,19994,4,bedside glucose,141.0,141,mg/dL,MG/DL,20302 +419969793,1852395,19550,1,BUN,18.0,18,mg/dL,MG/DL,19606 +431116360,1852395,10929,3,Hct,25.1,25.1,%,%,10955 +443213091,1852395,3066,4,bedside glucose,128.0,128,mg/dL,MG/DL,3074 +430711687,1852395,2285,3,-polys,75.0,75,%,%,2364 +440955840,1852395,-586,3,-lymphs,3.0,3,%,%,-413 +443448560,1852395,15652,4,bedside glucose,317.0,317,mg/dL,MG/DL,15682 +440745616,1852395,-3087,3,platelets x 1000,362.0,362,K/mcL,K/CMM,-3056 +424433289,1852395,5141,1,BUN,32.0,32,mg/dL,MG/DL,5172 +419969792,1852395,19550,1,glucose,71.0,71,mg/dL,MG/DL,19606 +431047191,1852395,8051,3,RBC,3.0,3.00,M/mcL,M/CMM,8106 +427820507,1852395,5141,2,Vancomycin - random,23.1,23.1,mcg/mL,UG/ML,5173 +424433286,1852395,5141,1,CPK,820.0,820,Units/L,U/L,5182 +432789115,1852395,15297,3,-basos,0.0,0,%,%,15333 +430711694,1852395,2285,3,MCH,30.3,30.3,pg,PG,2355 +429038195,1852395,4509,3,Hgb,9.7,9.7,g/dL,G/DL,4517 +420845292,1852395,9474,1,chloride,104.0,104,mmol/L,MEQ/L,9528 +426842094,1852395,3711,1,potassium,4.1,4.1,mmol/L,MEQ/L,3745 +439008741,1852395,9474,3,WBC x 1000,12.8,12.8,K/mcL,K/CMM,9499 +441381503,1852395,19667,3,RDW,15.1,15.1,%,%,19692 +443339859,1852395,1276,4,bedside glucose,156.0,156,mg/dL,MG/DL,1289 +444538446,1852395,12778,4,bedside glucose,156.0,156,mg/dL,MG/DL,12792 +439008742,1852395,9474,3,RBC,2.97,2.97,M/mcL,M/CMM,9499 +415735131,1852395,15297,1,bicarbonate,22.0,22,mmol/L,MEQ/L,15334 +424433287,1852395,5141,1,glucose,151.0,151,mg/dL,MG/DL,5172 +419969794,1852395,19550,1,creatinine,1.4,1.4,mg/dL,MG/DL,19606 +439008743,1852395,9474,3,Hgb,9.0,9.0,g/dL,G/DL,9499 +440745612,1852395,-3087,3,RDW,13.6,13.6,%,%,-3056 +431047190,1852395,8051,3,WBC x 1000,12.5,12.5,K/mcL,K/CMM,8106 +432789114,1852395,15297,3,-eos,1.0,1,%,%,15333 +439008754,1852395,9474,3,-basos,0.0,0,%,%,9499 +433330187,1852395,6858,3,-monos,5.0,5,%,%,6881 +420845293,1852395,9474,1,bicarbonate,24.0,24,mmol/L,MEQ/L,9528 +415735132,1852395,15297,1,total protein,5.7,5.7,g/dL,G/DL,15334 +439008753,1852395,9474,3,-eos,3.0,3,%,%,9499 +426842101,1852395,3711,1,BUN,38.0,38,mg/dL,MG/DL,3745 +430711695,1852395,2285,3,-monos,8.0,8,%,%,2364 +433330188,1852395,6858,3,-eos,2.0,2,%,%,6881 +439008752,1852395,9474,3,-monos,5.0,5,%,%,9499 +436970942,1852395,18138,3,-polys,68.0,68,%,%,18192 +424433288,1852395,5141,1,chloride,103.0,103,mmol/L,MEQ/L,5172 +443983740,1852395,12529,4,bedside glucose,168.0,168,mg/dL,MG/DL,12594 +439008746,1852395,9474,3,MCH,30.4,30.4,pg,PG,9499 +443933719,1852395,4438,4,bedside glucose,214.0,214,mg/dL,MG/DL,5110 +444570457,1852395,-588,4,bedside glucose,121.0,121,mg/dL,MG/DL,-579 +415735130,1852395,15297,1,chloride,103.0,103,mmol/L,MEQ/L,15334 +423180265,1852395,16821,1,bicarbonate,25.0,25,mmol/L,MEQ/L,16845 +419969795,1852395,19550,1,sodium,138.0,138,mmol/L,MEQ/L,19606 +420845294,1852395,9474,1,calcium,8.5,8.5,mg/dL,MG/DL,9528 +443025774,1852395,6827,4,bedside glucose,109.0,109,mg/dL,MG/DL,6835 +439008747,1852395,9474,3,MCHC,34.1,34.1,g/dL,%,9499 +444446245,1852395,19117,4,bedside glucose,144.0,144,mg/dL,MG/DL,19119 +431047196,1852395,8051,3,MCHC,34.0,34.0,g/dL,%,8106 +432789113,1852395,15297,3,-monos,9.0,9,%,%,15333 +423180266,1852395,16821,1,calcium,9.1,9.1,mg/dL,MG/DL,16845 +433330183,1852395,6858,3,RDW,14.5,14.5,%,%,6881 +424433284,1852395,5141,1,bicarbonate,21.0,21,mmol/L,MEQ/L,5172 +415735133,1852395,15297,1,albumin,2.3,2.3,g/dL,G/DL,15334 +439008748,1852395,9474,3,RDW,14.5,14.5,%,%,9499 +426842100,1852395,3711,1,chloride,104.0,104,mmol/L,MEQ/L,3745 +430711696,1852395,2285,3,MCHC,33.8,33.8,g/dL,%,2355 +414731508,1852395,10929,1,potassium,5.0,5.0,mmol/L,MEQ/L,10966 +423180261,1852395,16821,1,creatinine,1.4,1.4,mg/dL,MG/DL,16845 +441381500,1852395,19667,3,MCV,90.0,90,fL,FL,19692 +420845287,1852395,9474,1,glucose,118.0,118,mg/dL,MG/DL,9528 +440955851,1852395,-586,3,MCHC,32.9,32.9,g/dL,%,-560 +439008745,1852395,9474,3,MCV,89.0,89,fL,FL,9499 +433330182,1852395,6858,3,MCHC,34.0,34.0,g/dL,%,6881 +415593025,1852395,-1985,1,glucose,261.0,261,mg/dL,MG/DL,-1941 +415735128,1852395,15297,1,sodium,136.0,136,mmol/L,MEQ/L,15334 +423180262,1852395,16821,1,sodium,137.0,137,mmol/L,MEQ/L,16845 +433899457,1852395,5141,3,Hgb,8.8,8.8,g/dL,G/DL,5151 +444041169,1852395,8466,4,bedside glucose,70.0,70,mg/dL,MG/DL,8476 +418017436,1852395,18138,1,potassium,4.8,4.8,mmol/L,MEQ/L,18211 +439008744,1852395,9474,3,Hct,26.5,26.5,%,%,9499 +440745613,1852395,-3087,3,MCH,29.8,29.8,pg,PG,-3056 +424433285,1852395,5141,1,calcium,8.7,8.7,mg/dL,MG/DL,5172 +419969800,1852395,19550,1,phosphate,3.7,3.7,mg/dL,MG/DL,19606 +423180263,1852395,16821,1,potassium,5.1,5.1,mmol/L,MEQ/L,16845 +433330180,1852395,6858,3,MCV,89.0,89,fL,FL,6881 +415593023,1852395,-1985,1,bicarbonate,22.0,22,mmol/L,MEQ/L,-1941 +415735129,1852395,15297,1,potassium,4.8,4.8,mmol/L,MEQ/L,15334 +439008749,1852395,9474,3,platelets x 1000,422.0,422,K/mcL,K/CMM,9499 +433899456,1852395,5141,3,MCV,89.0,89,fL,FL,5151 +431116357,1852395,10929,3,WBC x 1000,13.0,13.0,K/mcL,K/CMM,10955 +414731507,1852395,10929,1,sodium,136.0,136,mmol/L,MEQ/L,10966 +423180264,1852395,16821,1,chloride,102.0,102,mmol/L,MEQ/L,16845 +436970944,1852395,18138,3,-monos,9.0,9,%,%,18192 +420845290,1852395,9474,1,sodium,136.0,136,mmol/L,MEQ/L,9528 +432789111,1852395,15297,3,-polys,78.0,78,%,%,15333 +439008750,1852395,9474,3,-polys,79.0,79,%,%,9499 +433330181,1852395,6858,3,MCH,30.2,30.2,pg,PG,6881 +415593027,1852395,-1985,1,BUN,37.0,37,mg/dL,MG/DL,-1941 +415735127,1852395,15297,1,creatinine,1.5,1.5,mg/dL,MG/DL,15334 +423180259,1852395,16821,1,glucose,158.0,158,mg/dL,MG/DL,16845 +433899458,1852395,5141,3,WBC x 1000,14.6,14.6,K/mcL,K/CMM,5151 +430711697,1852395,2285,3,platelets x 1000,338.0,338,K/mcL,K/CMM,2355 +418017434,1852395,18138,1,creatinine,1.2,1.2,mg/dL,MG/DL,18211 +442242193,1852395,5141,3,PTT,25.0,25,sec,SEC,5167 +444370495,1852395,17665,4,bedside glucose,226.0,226,mg/dL,MG/DL,17695 +424433281,1852395,5141,1,potassium,4.6,4.6,mmol/L,MEQ/L,5172 +426842098,1852395,3711,1,calcium,7.7,7.7,mg/dL,MG/DL,3745 +423180260,1852395,16821,1,BUN,18.0,18,mg/dL,MG/DL,16845 +433330184,1852395,6858,3,platelets x 1000,380.0,380,K/mcL,K/CMM,6881 +415593024,1852395,-1985,1,calcium,8.2,8.2,mg/dL,MG/DL,-1941 +415735125,1852395,15297,1,glucose,215.0,215,mg/dL,MG/DL,15334 +439008751,1852395,9474,3,-lymphs,12.0,12,%,%,9499 +433899454,1852395,5141,3,RBC,2.89,2.89,M/mcL,M/CMM,5151 +445569450,1852395,-1939,4,bedside glucose,279.0,279,mg/dL,MG/DL,-1927 +414731511,1852395,10929,1,calcium,8.4,8.4,mg/dL,MG/DL,10966 +439689237,1852395,-109,3,PTT,35.0,35,sec,SEC,-93 +441381496,1852395,19667,3,WBC x 1000,9.4,9.4,K/mcL,K/CMM,19692 +420845289,1852395,9474,1,creatinine,1.4,1.4,mg/dL,MG/DL,9528 +444510797,1852395,6993,4,bedside glucose,99.0,99,mg/dL,MG/DL,7002 +428883951,1852395,-850,3,PTT,36.0,36,sec,SEC,-835 +416913576,1852395,12387,1,chloride,105.0,105,mmol/L,MEQ/L,12427 +432195015,1852395,-586,3,PTT,50.0,50,sec,SEC,-544 +442663950,1852395,16210,4,bedside glucose,228.0,228,mg/dL,MG/DL,16224 +415593020,1852395,-1985,1,potassium,3.8,3.8,mmol/L,MEQ/L,-1941 +433899459,1852395,5141,3,RDW,14.6,14.6,%,%,5151 +431630245,1852395,-1985,3,RBC,3.36,3.36,M/mcL,M/CMM,-1953 +418017435,1852395,18138,1,sodium,135.0,135,mmol/L,MEQ/L,18211 +431047203,1852395,8051,3,-basos,0.0,0,%,%,8106 +445160288,1852395,-170,4,bedside glucose,135.0,135,mg/dL,MG/DL,-152 +431630247,1852395,-1985,3,Hct,30.2,30.2,%,%,-1953 +419969799,1852395,19550,1,calcium,9.2,9.2,mg/dL,MG/DL,19606 +424433282,1852395,5141,1,creatinine,1.7,1.7,mg/dL,MG/DL,5172 +433330185,1852395,6858,3,-polys,84.0,84,%,%,6881 +431630246,1852395,-1985,3,-polys,78.0,78,%,%,-1826 +415735135,1852395,15297,1,ALT (SGPT),22.0,22,Units/L,U/L,15334 +415593021,1852395,-1985,1,creatinine,1.7,1.7,mg/dL,MG/DL,-1941 +433899455,1852395,5141,3,Hct,25.7,25.7,%,%,5151 +431630244,1852395,-1985,3,-lymphs,10.0,10,%,%,-1826 +414731504,1852395,10929,1,glucose,159.0,159,mg/dL,MG/DL,10966 +430711685,1852395,2285,3,-lymphs,9.0,9,%,%,2364 +436970939,1852395,18138,3,MCHC,33.5,33.5,g/dL,%,18192 +431630248,1852395,-1985,3,-bands,10.0,10,%,%,-1826 +445094585,1852395,8192,4,bedside glucose,104.0,104,mg/dL,MG/DL,8209 +420845291,1852395,9474,1,potassium,4.9,4.9,mmol/L,MEQ/L,9528 +416913575,1852395,12387,1,potassium,4.8,4.8,mmol/L,MEQ/L,12427 +431630250,1852395,-1985,3,Hgb,10.0,10.0,g/dL,G/DL,-1953 +442827067,1852395,9011,4,bedside glucose,65.0,65,mg/dL,MG/DL,9033 +445583772,1852395,4167,4,bedside glucose,102.0,102,mg/dL,MG/DL,4209 +415440810,1852395,13837,1,glucose,184.0,184,mg/dL,MG/DL,13870 +431630249,1852395,-1985,3,MCV,90.0,90,fL,FL,-1953 +418017432,1852395,18138,1,glucose,116.0,116,mg/dL,MG/DL,18211 +443727531,1852395,-1230,4,bedside glucose,114.0,114,mg/dL,MG/DL,-1037 +443772741,1852395,15738,4,urinary specific gravity,1.008,1.008,,,15754 +431630251,1852395,-1985,3,WBC x 1000,24.4,24.4,K/mcL,K/CMM,-1953 +426842097,1852395,3711,1,bicarbonate,20.0,20,mmol/L,MEQ/L,3745 +424433283,1852395,5141,1,sodium,136.0,136,mmol/L,MEQ/L,5172 +433330179,1852395,6858,3,Hct,29.6,29.6,%,%,6881 +431630255,1852395,-1985,3,MCHC,33.3,33.3,g/dL,%,-1953 +415735136,1852395,15297,1,alkaline phos.,160.0,160,Units/L,U/L,15334 +415593026,1852395,-1985,1,chloride,98.0,98,mmol/L,MEQ/L,-1941 +433899466,1852395,5141,3,-bands,2.0,2,%,%,5338 +431630256,1852395,-1985,3,platelets x 1000,329.0,329,K/mcL,K/CMM,-1953 +414731505,1852395,10929,1,BUN,21.0,21,mg/dL,MG/DL,10966 +431116358,1852395,10929,3,RBC,2.8,2.80,M/mcL,M/CMM,10955 +441381498,1852395,19667,3,Hgb,9.3,9.3,g/dL,G/DL,19692 +431630253,1852395,-1985,3,MCH,29.9,29.9,pg,PG,-1953 +442746244,1852395,15972,4,bedside glucose,277.0,277,mg/dL,MG/DL,15984 +439244467,1852395,3307,3,PTT,63.0,63,sec,SEC,3331 +416913577,1852395,12387,1,bicarbonate,24.0,24,mmol/L,MEQ/L,12427 +431630252,1852395,-1985,3,RDW,13.5,13.5,%,%,-1953 +442499862,1852395,424,3,PTT,35.0,35,sec,SEC,457 +445620340,1852395,18533,4,bedside glucose,121.0,121,mg/dL,MG/DL,18541 +415440817,1852395,13837,1,calcium,8.3,8.3,mg/dL,MG/DL,13870 +431630254,1852395,-1985,3,-monos,2.0,2,%,%,-1826 +418017433,1852395,18138,1,BUN,17.0,17,mg/dL,MG/DL,18211 +430711692,1852395,2285,3,WBC x 1000,19.9,19.9,K/mcL,K/CMM,2355 +444565433,1852395,11887,4,bedside glucose,167.0,167,mg/dL,MG/DL,11904 +443540614,1852395,14512,4,bedside glucose,213.0,213,mg/dL,MG/DL,14540 +430394271,1852395,-3087,3,PT,10.6,10.6,sec,SEC,-3056 +419969796,1852395,19550,1,potassium,5.3,5.3,mmol/L,MEQ/L,19606 +420845288,1852395,9474,1,BUN,20.0,20,mg/dL,MG/DL,9528 +430394273,1852395,-3087,3,PTT,26.0,26,sec,SEC,-3056 +433330189,1852395,6858,3,-basos,0.0,0,%,%,6881 +427820508,1852395,1212,2,Vancomycin - trough,13.9,13.9,mcg/mL,UG/ML,1267 +444875219,1852395,9882,4,bedside glucose,193.0,193,mg/dL,MG/DL,9889 +415735126,1852395,15297,1,BUN,21.0,21,mg/dL,MG/DL,15334 +415593022,1852395,-1985,1,sodium,134.0,134,mmol/L,MEQ/L,-1941 +430394272,1852395,-3087,3,PT - INR,1.0,1.0,ratio,,-3056 +433899464,1852395,5141,3,-polys,81.0,81,%,%,5338 +428265411,1852395,5973,3,Hgb,7.4,7.4,g/dL,G/DL,5997 +444556385,1852395,14211,4,bedside glucose,197.0,197,mg/dL,MG/DL,14214 +414731510,1852395,10929,1,bicarbonate,24.0,24,mmol/L,MEQ/L,10966 +438492161,1852395,12387,3,-basos,0.0,0,%,%,12438 +436970940,1852395,18138,3,RDW,15.4,15.4,%,%,18192 +438492149,1852395,12387,3,RBC,2.58,2.58,M/mcL,M/CMM,12438 +432789110,1852395,15297,3,platelets x 1000,472.0,472,K/mcL,K/CMM,15333 +438492148,1852395,12387,3,WBC x 1000,10.5,10.5,K/mcL,K/CMM,12438 +416913573,1852395,12387,1,creatinine,1.5,1.5,mg/dL,MG/DL,12427 +438492150,1852395,12387,3,Hgb,7.9,7.9,g/dL,G/DL,12454 +437641411,1852395,2955,3,PTT,47.0,47,sec,SEC,2979 +438492159,1852395,12387,3,-monos,7.0,7,%,%,12438 +415440818,1852395,13837,1,phosphate,3.4,3.4,mg/dL,MG/DL,13870 +441168937,1852395,13837,3,RBC,3.04,3.04,M/mcL,M/CMM,13857 +418017437,1852395,18138,1,chloride,102.0,102,mmol/L,MEQ/L,18211 +438492160,1852395,12387,3,-eos,2.0,2,%,%,12438 +442121875,1852395,18922,3,Hgb,8.7,8.7,g/dL,G/DL,18938 +441168947,1852395,13837,3,-monos,6.0,6,%,%,13857 +426842096,1852395,3711,1,sodium,134.0,134,mmol/L,MEQ/L,3745 +438492152,1852395,12387,3,MCV,90.0,90,fL,FL,12438 +433330186,1852395,6858,3,-lymphs,9.0,9,%,%,6881 +441168948,1852395,13837,3,-eos,2.0,2,%,%,13857 +415735134,1852395,15297,1,AST (SGOT),31.0,31,Units/L,U/L,15334 +439322342,1852395,867,3,MCHC,32.8,32.8,g/dL,%,908 +433899465,1852395,5141,3,-eos,3.0,3,%,,5338 +438492153,1852395,12387,3,MCH,30.7,30.7,pg,PG,12438 +414731506,1852395,10929,1,creatinine,1.4,1.4,mg/dL,MG/DL,10966 +441168949,1852395,13837,3,-basos,0.0,0,%,%,13857 +441381504,1852395,19667,3,platelets x 1000,492.0,492,K/mcL,K/CMM,19692 +439322341,1852395,867,3,-monos,4.0,4,%,%,1065 +440955852,1852395,-586,3,platelets x 1000,319.0,319,K/mcL,K/CMM,-560 +438492154,1852395,12387,3,MCHC,33.9,33.9,g/dL,%,12438 +416913572,1852395,12387,1,BUN,20.0,20,mg/dL,MG/DL,12427 +441168946,1852395,13837,3,-lymphs,13.0,13,%,%,13857 +445561883,1852395,6152,4,bedside glucose,221.0,221,mg/dL,MG/DL,6164 +439322343,1852395,867,3,platelets x 1000,342.0,342,K/mcL,K/CMM,908 +415440814,1852395,13837,1,potassium,5.0,5.0,mmol/L,MEQ/L,13870 +438492155,1852395,12387,3,RDW,15.4,15.4,%,%,12438 +418017438,1852395,18138,1,bicarbonate,23.0,23,mmol/L,MEQ/L,18211 +441168936,1852395,13837,3,WBC x 1000,15.6,15.6,K/mcL,K/CMM,13857 +443524458,1852395,5899,4,bedside glucose,230.0,230,mg/dL,MG/DL,6273 +439322338,1852395,867,3,WBC x 1000,20.6,20.6,K/mcL,K/CMM,908 +419969797,1852395,19550,1,chloride,101.0,101,mmol/L,MEQ/L,19606 +438492156,1852395,12387,3,platelets x 1000,450.0,450,K/mcL,K/CMM,12438 +433330176,1852395,6858,3,WBC x 1000,16.7,16.7,K/mcL,K/CMM,6881 +441168938,1852395,13837,3,Hgb,9.3,9.3,g/dL,G/DL,13857 +415735137,1852395,15297,1,total bilirubin,0.3,0.3,mg/dL,MG/DL,15334 +439322340,1852395,867,3,MCH,29.5,29.5,pg,PG,908 +433899467,1852395,5141,3,-monos,2.0,2,%,%,5338 +444519079,1852395,-1627,4,bedside glucose,228.0,228,mg/dL,MG/DL,-1619 +414731509,1852395,10929,1,chloride,103.0,103,mmol/L,MEQ/L,10966 +441168944,1852395,13837,3,platelets x 1000,440.0,440,K/mcL,K/CMM,13857 +444979857,1852395,19802,4,bedside glucose,75.0,75,mg/dL,MG/DL,19805 +439322335,1852395,867,3,-bands,3.0,3,%,%,1065 +445067179,1852395,15416,4,bedside glucose,198.0,198,mg/dL,MG/DL,15447 +437679950,1852395,16821,3,Hgb,9.7,9.7,g/dL,G/DL,16834 +416913574,1852395,12387,1,sodium,136.0,136,mmol/L,MEQ/L,12427 +438492151,1852395,12387,3,Hct,23.3,23.3,%,%,12438 +443014786,1852395,4726,4,bedside glucose,154.0,154,mg/dL,MG/DL,5109 +437679948,1852395,16821,3,WBC x 1000,12.1,12.1,K/mcL,K/CMM,16834 +415440815,1852395,13837,1,chloride,103.0,103,mmol/L,MEQ/L,13870 +441168942,1852395,13837,3,MCHC,34.4,34.4,g/dL,%,13857 +418017439,1852395,18138,1,calcium,8.7,8.7,mg/dL,MG/DL,18211 +437679951,1852395,16821,3,Hct,28.7,28.7,%,%,16834 +436970941,1852395,18138,3,platelets x 1000,400.0,400,K/mcL,K/CMM,18192 +439322336,1852395,867,3,MCV,90.0,90,fL,FL,908 +426842099,1852395,3711,1,glucose,228.0,228,mg/dL,MG/DL,3745 +437679949,1852395,16821,3,RBC,3.19,3.19,M/mcL,M/CMM,16834 +433330177,1852395,6858,3,RBC,3.34,3.34,M/mcL,M/CMM,6881 +443754165,1852395,17406,4,bedside glucose,130.0,130,mg/dL,MG/DL,17435 +415735138,1852395,15297,1,calcium,8.2,8.2,mg/dL,MG/DL,15334 +437679958,1852395,16821,3,-lymphs,16.0,16,%,%,16834 +433899462,1852395,5141,3,platelets x 1000,404.0,404,K/mcL,K/CMM,5151 +441168941,1852395,13837,3,MCH,30.6,30.6,pg,PG,13857 +444956543,1852395,11629,4,bedside glucose,128.0,128,mg/dL,MG/DL,11660 +437679959,1852395,16821,3,-monos,8.0,8,%,%,16834 +440745611,1852395,-3087,3,WBC x 1000,25.3,25.3,K/mcL,K/CMM,-3038 +439322334,1852395,867,3,Hct,28.7,28.7,%,%,908 +442887179,1852395,11325,4,bedside glucose,159.0,159,mg/dL,MG/DL,11339 +437679960,1852395,16821,3,-eos,3.0,3,%,%,16834 +416913578,1852395,12387,1,calcium,8.3,8.3,mg/dL,MG/DL,12427 +436901100,1852395,10047,3,Hgb,9.4,9.4,g/dL,G/DL,10063 +425043324,1852395,5141,1,phosphate,3.9,3.9,mg/dL,MG/DL,5173 +420212546,1852395,2285,1,calcium,8.0,8.0,mg/dL,MG/DL,2351 +415440816,1852395,13837,1,bicarbonate,22.0,22,mmol/L,MEQ/L,13870 +441168939,1852395,13837,3,Hct,27.0,27.0,%,%,13857 +444484020,1852395,8738,4,bedside glucose,118.0,118,mg/dL,MG/DL,8747 +437679961,1852395,16821,3,-basos,0.0,0,%,%,16834 +443475089,1852395,1600,4,bedside glucose,206.0,206,mg/dL,MG/DL,1803 +439322331,1852395,867,3,-lymphs,5.0,5,%,%,1065 +443582845,1852395,10412,4,bedside glucose,241.0,241,mg/dL,MG/DL,10467 +420212547,1852395,2285,1,glucose,189.0,189,mg/dL,MG/DL,2351 +433330178,1852395,6858,3,Hgb,10.1,10.1,g/dL,G/DL,6881 +438492157,1852395,12387,3,-polys,76.0,76,%,%,12438 +445714559,1852395,9071,4,bedside glucose,123.0,123,mg/dL,MG/DL,9076 +437679955,1852395,16821,3,RDW,16.0,16.0,%,%,16834 +419969798,1852395,19550,1,bicarbonate,26.0,26,mmol/L,MEQ/L,19606 +441168945,1852395,13837,3,-polys,78.0,78,%,%,13857 +444272049,1852395,13065,4,bedside glucose,170.0,170,mg/dL,MG/DL,13102 +420212549,1852395,2285,1,BUN,37.0,37,mg/dL,MG/DL,2351 +441381497,1852395,19667,3,RBC,3.09,3.09,M/mcL,M/CMM,19692 +439322332,1852395,867,3,RBC,3.19,3.19,M/mcL,M/CMM,908 +433899463,1852395,5141,3,-lymphs,11.0,11,%,%,5338 +437679953,1852395,16821,3,MCH,30.3,30.3,pg,PG,16834 +416913571,1852395,12387,1,glucose,168.0,168,mg/dL,MG/DL,12427 +444638875,1852395,18848,4,bedside glucose,179.0,179,mg/dL,MG/DL,18856 +445345018,1852395,3276,4,bedside glucose,276.0,276,mg/dL,MG/DL,3843 +420212548,1852395,2285,1,chloride,103.0,103,mmol/L,MEQ/L,2351 +443394677,1852395,14758,4,bedside glucose,229.0,229,mg/dL,MG/DL,14781 +441168940,1852395,13837,3,MCV,89.0,89,fL,FL,13857 +419917956,1852395,6858,1,creatinine,1.5,1.5,mg/dL,MG/DL,6884 +437679954,1852395,16821,3,MCHC,33.7,33.7,g/dL,%,16834 +432789112,1852395,15297,3,-lymphs,12.0,12,%,%,15333 +439322333,1852395,867,3,-polys,87.0,87,%,%,1065 +419917954,1852395,6858,1,glucose,105.0,105,mg/dL,MG/DL,6884 +420212543,1852395,2285,1,creatinine,1.8,1.8,mg/dL,MG/DL,2351 +415440812,1852395,13837,1,creatinine,1.6,1.6,mg/dL,MG/DL,13870 +436901101,1852395,10047,3,Hct,27.8,27.8,%,%,10063 +419917955,1852395,6858,1,BUN,28.0,28,mg/dL,MG/DL,6884 +437679956,1852395,16821,3,platelets x 1000,487.0,487,K/mcL,K/CMM,16834 +433031796,1852395,8892,3,Hgb,9.3,9.3,g/dL,G/DL,8901 +445678058,1852395,13907,4,bedside glucose,198.0,198,mg/dL,MG/DL,13910 +419917958,1852395,6858,1,potassium,4.5,4.5,mmol/L,MEQ/L,6884 +420212544,1852395,2285,1,sodium,136.0,136,mmol/L,MEQ/L,2351 +426842095,1852395,3711,1,creatinine,1.9,1.9,mg/dL,MG/DL,3745 +439322337,1852395,867,3,Hgb,9.4,9.4,g/dL,G/DL,908 +419917959,1852395,6858,1,chloride,106.0,106,mmol/L,MEQ/L,6884 +437679952,1852395,16821,3,MCV,90.0,90,fL,FL,16834 +433899460,1852395,5141,3,MCH,30.3,30.3,pg,PG,5151 +438492158,1852395,12387,3,-lymphs,14.0,14,%,%,12438 +419917960,1852395,6858,1,bicarbonate,22.0,22,mmol/L,MEQ/L,6884 +420212545,1852395,2285,1,bicarbonate,22.0,22,mmol/L,MEQ/L,2351 +442649940,1852395,18196,4,bedside glucose,99.0,99,mg/dL,MG/DL,18212 +441168943,1852395,13837,3,RDW,14.9,14.9,%,%,13857 +419917957,1852395,6858,1,sodium,139.0,139,mmol/L,MEQ/L,6884 +437679957,1852395,16821,3,-polys,73.0,73,%,%,16834 +443965062,1852395,-1056,4,bedside glucose,152.0,152,mg/dL,MG/DL,-1037 +439322339,1852395,867,3,RDW,14.0,14.0,%,%,908 +419917961,1852395,6858,1,calcium,8.4,8.4,mg/dL,MG/DL,6884 +420212542,1852395,2285,1,potassium,4.9,4.9,mmol/L,MEQ/L,2351 +415440811,1852395,13837,1,BUN,21.0,21,mg/dL,MG/DL,13870 +418363594,1852395,867,1,creatinine,1.8,1.8,mg/dL,MG/DL,932 +442817385,1852395,10252,4,bedside glucose,209.0,209,mg/dL,MG/DL,10256 +418363595,1852395,867,1,alkaline phos.,146.0,146,Units/L,U/L,932 +442718142,1852395,-1334,4,bedside glucose,107.0,107,mg/dL,MG/DL,-1325 +418363596,1852395,867,1,AST (SGOT),158.0,158,Units/L,U/L,932 +442983248,1852395,20297,4,bedside glucose,160.0,160,mg/dL,MG/DL,20302 +418363593,1852395,867,1,potassium,4.3,4.3,mmol/L,MEQ/L,932 +443757767,1852395,9679,4,bedside glucose,143.0,143,mg/dL,MG/DL,9683 +418363604,1852395,867,1,glucose,179.0,179,mg/dL,MG/DL,932 +432382422,1852395,2519,3,PTT,51.0,51,sec,SEC,2533 +418363602,1852395,867,1,calcium,8.1,8.1,mg/dL,MG/DL,932 +433899461,1852395,5141,3,MCHC,34.1,34.1,g/dL,%,5151 +418363600,1852395,867,1,bicarbonate,21.0,21,mmol/L,MEQ/L,932 +431815341,1852395,1065,3,PT - INR,1.1,1.1,ratio,,1084 +418363601,1852395,867,1,total protein,5.5,5.5,g/dL,G/DL,932 +445656333,1852395,905,4,bedside glucose,204.0,204,mg/dL,MG/DL,1301 +418363603,1852395,867,1,ALT (SGPT),82.0,82,Units/L,U/L,932 +431815342,1852395,1065,3,PTT,28.0,28,sec,SEC,1101 +418363605,1852395,867,1,chloride,108.0,108,mmol/L,MEQ/L,932 +445739035,1852395,11105,4,bedside glucose,170.0,170,mg/dL,MG/DL,11119 +418363606,1852395,867,1,BUN,37.0,37,mg/dL,MG/DL,932 +445113079,1852395,7553,4,bedside glucose,156.0,156,mg/dL,MG/DL,7559 +418363599,1852395,867,1,albumin,2.0,2.0,g/dL,G/DL,932 +442486277,1852395,15873,3,Hgb,8.3,8.3,g/dL,G/DL,15905 +418363598,1852395,867,1,magnesium,2.3,2.3,mg/dL,MG/DL,932 +431815340,1852395,1065,3,PT,11.0,11.0,sec,SEC,1084 +418363592,1852395,867,1,total bilirubin,0.6,0.6,mg/dL,MG/DL,932 +428579570,1852395,1635,3,PTT,47.0,47,sec,SEC,1649 +418363597,1852395,867,1,sodium,141.0,141,mmol/L,MEQ/L,932 +444678566,1852395,8992,4,bedside glucose,41.0,41,mg/dL,MG/DL,9033 +431675582,1852395,3711,3,PTT,64.0,64,sec,SEC,3745 +415440813,1852395,13837,1,sodium,136.0,136,mmol/L,MEQ/L,13870 +436544287,1852395,2125,3,PTT,44.0,44,sec,SEC,2152 +444397251,1852395,13306,4,bedside glucose,200.0,200,mg/dL,MG/DL,13316 +430231680,1852395,1212,3,PTT,32.0,32,sec,SEC,1227 +170902116,876429,-23,3,WBC x 1000,12.4,12.4,K/mcL,K/MM3,15 +170902114,876429,-23,3,MCV,90.0,90,fL,fL,15 +170902113,876429,-23,3,Hct,32.1,32.1,%,%,15 +142855763,876429,-1276,1,AST (SGOT),17.0,17,Units/L,IU/L,-1244 +220789412,876429,-194,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,-194 +142855764,876429,-1276,1,sodium,140.0,140,mmol/L,mmol/L,-1244 +170902117,876429,-23,3,RDW,13.5,13.5,%,%,15 +142855766,876429,-1276,1,bicarbonate,28.0,28,mmol/L,mmol/L,-1244 +220789405,876429,-194,7,HCO3,23.0,23,mmol/L,mmol/L,-194 +142855762,876429,-1276,1,anion gap,5.0,5,,,-1244 +170902115,876429,-23,3,Hgb,11.4,11.4,g/dL,g/dL,15 +142855772,876429,-1276,1,BUN,20.0,20,mg/dL,mg/dL,-1244 +220789410,876429,-194,7,O2 Sat (%),100.0,100,%,%,-194 +142855759,876429,-1276,1,potassium,4.3,4.3,mmol/L,mmol/L,-1244 +170902111,876429,-23,3,MPV,10.5,10.5,fL,fL,15 +142855765,876429,-1276,1,albumin,3.5,3.5,g/dL,g/dL,-1244 +220563923,876429,202,7,O2 Sat (%),99.0,99,%,%,202 +142855760,876429,-1276,1,creatinine,1.18,1.18,mg/dL,mg/dL,-1244 +220789407,876429,-194,7,paO2,242.0,242,mm Hg,mmHg,-194 +142855758,876429,-1276,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,-1244 +170902112,876429,-23,3,RBC,3.56,3.56,M/mcL,M/MM3,15 +222161149,876429,-125,7,FiO2,70.0,70,%,%,-125 +220563917,876429,202,7,TV,650.0,650,mls,,202 +142855770,876429,-1276,1,glucose,83.0,83,mg/dL,mg/dL,-1244 +220789408,876429,-194,7,paCO2,38.0,38,mm Hg,mmHg,-194 +222161150,876429,-125,7,paO2,211.0,211,mm Hg,mmHg,-125 +170902120,876429,-23,3,platelets x 1000,90.0,90,K/mcL,K/MM3,15 +142855771,876429,-1276,1,chloride,107.0,107,mmol/L,mmol/L,-1244 +220563921,876429,202,7,pH,7.38,7.38,,,202 +222161155,876429,-125,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-125 +187055085,876429,-1276,3,PTT,30.0,30,sec,second(s),-1251 +142855768,876429,-1276,1,calcium,8.3,8.3,mg/dL,mg/dL,-1244 +158732796,876429,-231,1,potassium,4.5,4.5,mmol/L,mmol/L,-231 +222161153,876429,-125,7,O2 Sat (%),100.0,100,%,%,-125 +220563919,876429,202,7,paO2,165.0,165,mm Hg,mmHg,202 +142855761,876429,-1276,1,alkaline phos.,54.0,54,Units/L,IU/L,-1244 +220789406,876429,-194,7,FiO2,70.0,70,%,%,-194 +222161151,876429,-125,7,paCO2,37.0,37,mm Hg,mmHg,-125 +170902118,876429,-23,3,MCH,32.0,32.0,pg,pg,15 +189019828,876429,2025,4,bedside glucose,119.0,119,mg/dL,mg/dL,2025 +220563920,876429,202,7,paCO2,36.0,36,mm Hg,mmHg,202 +150935079,876429,-62,1,potassium,3.9,3.9,mmol/L,mmol/L,-62 +189477196,876429,-153,4,bedside glucose,201.0,201,mg/dL,mg/dL,-153 +142855769,876429,-1276,1,ALT (SGPT),20.0,20,Units/L,IU/L,-1244 +158732797,876429,-231,1,sodium,133.0,133,mmol/L,mmol/L,-231 +222161148,876429,-125,7,HCO3,22.0,22,mmol/L,mmol/L,-125 +156921784,876429,-23,1,creatinine,1.01,1.01,mg/dL,mg/dL,22 +192031282,876429,561,4,bedside glucose,150.0,150,mg/dL,mg/dL,561 +220563925,876429,202,7,Base Excess,-4.0,-4.0,mEq/L,mmol/L,202 +150935080,876429,-62,1,sodium,139.0,139,mmol/L,mmol/L,-62 +156921787,876429,-23,1,bicarbonate,20.0,20,mmol/L,mmol/L,22 +148358862,876429,957,1,BUN,15.0,15,mg/dL,mg/dL,994 +187013675,876429,-1276,3,PT,14.4,14.4,sec,second(s),-1251 +142855767,876429,-1276,1,total protein,5.8,5.8,g/dL,g/dL,-1237 +156921789,876429,-23,1,glucose,122.0,122,mg/dL,mg/dL,22 +148358849,876429,957,1,potassium,3.9,3.9,mmol/L,mmol/L,994 +190232718,876429,66,4,bedside glucose,85.0,85,mg/dL,mg/dL,66 +187995529,876429,700,4,bedside glucose,146.0,146,mg/dL,mg/dL,700 +156921790,876429,-23,1,chloride,116.0,116,mmol/L,mmol/L,22 +222161152,876429,-125,7,pH,7.37,7.37,,,-125 +220563918,876429,202,7,FiO2,40.0,40,%,%,202 +148358861,876429,957,1,chloride,115.0,115,mmol/L,mmol/L,994 +156921786,876429,-23,1,sodium,145.0,145,mmol/L,mmol/L,22 +224219133,876429,967,7,O2 Sat (%),99.0,99,%,%,967 +190012544,876429,1643,4,bedside glucose,106.0,106,mg/dL,mg/dL,1643 +148358857,876429,957,1,total protein,4.7,4.7,g/dL,g/dL,994 +145136787,876429,-125,1,sodium,136.0,136,mmol/L,mmol/L,-125 +224219135,876429,967,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,967 +188549327,876429,1285,4,bedside glucose,138.0,138,mg/dL,mg/dL,1285 +148358858,876429,957,1,calcium,7.8,7.8,mg/dL,mg/dL,994 +156921783,876429,-23,1,potassium,3.6,3.6,mmol/L,mmol/L,22 +224219130,876429,967,7,paCO2,30.0,30,mm Hg,mmHg,967 +220563916,876429,202,7,HCO3,21.0,21,mmol/L,mmol/L,202 +148358856,876429,957,1,bicarbonate,22.0,22,mmol/L,mmol/L,994 +227253190,876429,800,7,paO2,151.0,151,mm Hg,mmHg,800 +224219128,876429,967,7,FiO2,40.0,40,%,%,967 +139915870,876429,-194,1,sodium,136.0,136,mmol/L,mmol/L,-194 +148358855,876429,957,1,albumin,3.4,3.4,g/dL,g/dL,994 +220789409,876429,-194,7,pH,7.4,7.40,,,-194 +224219127,876429,967,7,HCO3,20.0,20,mmol/L,mmol/L,967 +227253191,876429,800,7,paCO2,40.0,40,mm Hg,mmHg,800 +148358854,876429,957,1,sodium,144.0,144,mmol/L,mmol/L,994 +156921785,876429,-23,1,anion gap,9.0,9,,,22 +224219129,876429,967,7,paO2,139.0,139,mm Hg,mmHg,967 +170902119,876429,-23,3,MCHC,35.5,35.5,g/dL,g/dL,15 +148358859,876429,957,1,ALT (SGPT),25.0,25,Units/L,IU/L,994 +227253192,876429,800,7,pH,7.31,7.31,,,800 +168715031,876429,-1508,3,PT - INR,1.1,1.1,ratio,,-1470 +145136786,876429,-125,1,potassium,5.8,5.8,mmol/L,mmol/L,-125 +148358860,876429,957,1,glucose,140.0,140,mg/dL,mg/dL,994 +220563915,876429,202,7,PEEP,5.0,5,cm H2O,,202 +191871590,876429,1348,4,bedside glucose,113.0,113,mg/dL,mg/dL,1348 +227253189,876429,800,7,FiO2,40.0,40,%,%,800 +148358848,876429,957,1,total bilirubin,1.4,1.4,mg/dL,mg/dL,994 +156921791,876429,-23,1,BUN,16.0,16,mg/dL,mg/dL,22 +184038509,876429,957,3,RBC,3.08,3.08,M/mcL,M/MM3,1020 +189479762,876429,134,4,bedside glucose,91.0,91,mg/dL,mg/dL,134 +148358850,876429,957,1,creatinine,1.16,1.16,mg/dL,mg/dL,1008 +189611789,876429,-62,4,bedside glucose,181.0,181,mg/dL,mg/dL,-62 +188410028,876429,-125,4,bedside glucose,198.0,198,mg/dL,mg/dL,-125 +139915869,876429,-194,1,potassium,5.7,5.7,mmol/L,mmol/L,-194 +163907800,876429,-1500,1,creatinine,1.5,1.5,mg/dL,mg/dL,-1500 +148358851,876429,957,1,alkaline phos.,33.0,33,Units/L,IU/L,994 +227086653,876429,34,7,FiO2,50.0,50,%,%,34 +163907799,876429,-1500,1,potassium,4.7,4.7,mmol/L,mmol/L,-1500 +184038510,876429,957,3,Hct,28.0,28.0,%,%,1020 +188960196,876429,1166,4,bedside glucose,128.0,128,mg/dL,mg/dL,1166 +150288306,876429,-153,1,potassium,6.0,6.0,mmol/L,mmol/L,-153 +148358852,876429,957,1,anion gap,7.0,7,,,994 +156921788,876429,-23,1,calcium,8.2,8.2,mg/dL,mg/dL,22 +163907803,876429,-1500,1,BUN,23.0,23,mg/dL,mg/dL,-1500 +168383422,876429,-23,3,PTT,35.0,35,sec,second(s),28 +187013676,876429,-1276,3,PT - INR,1.1,1.1,ratio,,-1251 +150288307,876429,-153,1,sodium,136.0,136,mmol/L,mmol/L,-153 +187311216,876429,1042,4,bedside glucose,101.0,101,mg/dL,mg/dL,1042 +227253188,876429,800,7,HCO3,20.0,20,mmol/L,mmol/L,800 +163907801,876429,-1500,1,sodium,141.0,141,mmol/L,mmol/L,-1500 +184038508,876429,957,3,MPV,10.4,10.4,fL,fL,1020 +146773531,876429,957,1,magnesium,1.8,1.8,mg/dL,mg/dL,994 +191370447,876429,257,4,bedside glucose,117.0,117,mg/dL,mg/dL,257 +148358853,876429,957,1,AST (SGOT),104.0,104,Units/L,IU/L,994 +189161679,876429,-1500,4,bedside glucose,79.0,79,mg/dL,mg/dL,-1500 +163907802,876429,-1500,1,chloride,103.0,103,mmol/L,mmol/L,-1500 +224219131,876429,967,7,pH,7.44,7.44,,,967 +222728418,876429,51,7,paCO2,35.0,35,mm Hg,mmHg,51 +221399369,876429,-11,7,Base Excess,-7.0,-7.0,mEq/L,mmol/L,-11 +222728417,876429,51,7,paO2,114.0,114,mm Hg,mmHg,51 +184038511,876429,957,3,MCV,91.0,91,fL,fL,1020 +222728416,876429,51,7,FiO2,50.0,50,%,%,51 +221399367,876429,-11,7,O2 Sat (%),100.0,100,%,%,-11 +222728413,876429,51,7,PEEP,5.0,5,cm H2O,,51 +152764971,876429,3022,1,magnesium,2.0,2.0,mg/dL,mg/dL,3051 +222728414,876429,51,7,HCO3,22.0,22,mmol/L,mmol/L,51 +227219377,876429,1053,7,pH,7.35,7.35,,,1053 +222728415,876429,51,7,TV,650.0,650,mls,,51 +184038516,876429,957,3,MCHC,34.6,34.6,g/dL,g/dL,1020 +222728419,876429,51,7,pH,7.39,7.39,,,51 +221399365,876429,-11,7,pH,7.31,7.31,,,-11 +222728421,876429,51,7,O2 Sat (%),99.0,99,%,%,51 +168715030,876429,-1508,3,PT,14.0,14.0,sec,second(s),-1470 +187754545,876429,202,4,bedside glucose,136.0,136,mg/dL,mg/dL,202 +227219379,876429,1053,7,O2 Sat (%),99.0,99,%,%,1053 +222728423,876429,51,7,Base Excess,-4.0,-4.0,mEq/L,mmol/L,51 +222612311,876429,-266,7,FiO2,100.0,100,%,%,-266 +142467466,876429,-11,1,potassium,3.5,3.5,mmol/L,mmol/L,-11 +221399362,876429,-11,7,FiO2,70.0,70,%,%,-11 +166663657,876429,2272,3,WBC x 1000,9.9,9.9,K/mcL,K/MM3,2325 +184038515,876429,957,3,MCH,31.5,31.5,pg,pg,1020 +166663656,876429,2272,3,Hgb,11.1,11.1,g/dL,g/dL,2325 +227219381,876429,1053,7,Base Excess,-4.0,-4.0,mEq/L,mmol/L,1053 +166663658,876429,2272,3,RDW,14.0,14.0,%,%,2325 +223815091,876429,-62,7,HCO3,22.0,22,mmol/L,mmol/L,-62 +166663655,876429,2272,3,MCV,92.0,92,fL,fL,2325 +221399363,876429,-11,7,paO2,192.0,192,mm Hg,mmHg,-11 +166663659,876429,2272,3,MCH,31.5,31.5,pg,pg,2325 +184038517,876429,957,3,platelets x 1000,81.0,81,K/mcL,K/MM3,1020 +166663660,876429,2272,3,MCHC,34.4,34.4,g/dL,g/dL,2325 +227219373,876429,1053,7,HCO3,21.0,21,mmol/L,mmol/L,1053 +166663661,876429,2272,3,platelets x 1000,65.0,65,K/mcL,K/MM3,2325 +223815098,876429,-62,7,Base Excess,-4.0,-4.0,mEq/L,mmol/L,-62 +166663652,876429,2272,3,MPV,11.1,11.1,fL,fL,2325 +221399361,876429,-11,7,TV,600.0,600,mls,,-11 +166663654,876429,2272,3,Hct,32.3,32.3,%,%,2325 +184038514,876429,957,3,RDW,14.0,14.0,%,%,1020 +166663653,876429,2272,3,RBC,3.52,3.52,M/mcL,M/MM3,2325 +227219374,876429,1053,7,FiO2,40.0,40,%,%,1053 +145510340,876429,2272,1,sodium,141.0,141,mmol/L,mmol/L,2306 +223815095,876429,-62,7,pH,7.34,7.34,,,-62 +145510339,876429,2272,1,AST (SGOT),132.0,132,Units/L,IU/L,2306 +221399360,876429,-11,7,HCO3,19.0,19,mmol/L,mmol/L,-11 +170753272,876429,-1276,3,RDW,13.4,13.4,%,%,-1259 +184038512,876429,957,3,Hgb,9.7,9.7,g/dL,g/dL,1020 +145510337,876429,2272,1,alkaline phos.,44.0,44,Units/L,IU/L,2306 +227219375,876429,1053,7,paO2,142.0,142,mm Hg,mmHg,1053 +170753273,876429,-1276,3,MCH,31.3,31.3,pg,pg,-1259 +223815096,876429,-62,7,O2 Sat (%),100.0,100,%,%,-62 +145510338,876429,2272,1,anion gap,9.0,9,,,2306 +221399364,876429,-11,7,paCO2,37.0,37,mm Hg,mmHg,-11 +170753274,876429,-1276,3,MCHC,34.6,34.6,g/dL,g/dL,-1259 +187437147,876429,-194,4,bedside glucose,184.0,184,mg/dL,mg/dL,-194 +145510341,876429,2272,1,albumin,3.4,3.4,g/dL,g/dL,2306 +227219376,876429,1053,7,paCO2,39.0,39,mm Hg,mmHg,1053 +170753271,876429,-1276,3,WBC x 1000,5.3,5.3,K/mcL,K/MM3,-1259 +223815093,876429,-62,7,paO2,435.0,435,mm Hg,mmHg,-62 +145510342,876429,2272,1,bicarbonate,20.0,20,mmol/L,mmol/L,2306 +221399359,876429,-11,7,PEEP,5.0,5,cm H2O,,-11 +170753267,876429,-1276,3,RBC,4.5,4.50,M/mcL,M/MM3,-1259 +184038513,876429,957,3,WBC x 1000,8.2,8.2,K/mcL,K/MM3,1020 +145510335,876429,2272,1,potassium,4.6,4.6,mmol/L,mmol/L,2306 +223629195,876429,-153,7,HCO3,23.0,23,mmol/L,mmol/L,-153 +170753268,876429,-1276,3,Hct,40.7,40.7,%,%,-1259 +187855105,876429,-11,4,bedside glucose,124.0,124,mg/dL,mg/dL,-11 +145510336,876429,2272,1,creatinine,1.13,1.13,mg/dL,mg/dL,2306 +223629196,876429,-153,7,FiO2,70.0,70,%,%,-153 +226029449,876429,-231,7,HCO3,21.0,21,mmol/L,mmol/L,-231 +223815094,876429,-62,7,paCO2,40.0,40,mm Hg,mmHg,-62 +170753269,876429,-1276,3,MCV,90.0,90,fL,fL,-1259 +223629197,876429,-153,7,paO2,252.0,252,mm Hg,mmHg,-153 +145510344,876429,2272,1,calcium,8.3,8.3,mg/dL,mg/dL,2306 +146708903,876429,-266,1,potassium,4.2,4.2,mmol/L,mmol/L,-266 +226029450,876429,-231,7,FiO2,70.0,70,%,%,-231 +223629202,876429,-153,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,-153 +170753275,876429,-1276,3,platelets x 1000,129.0,129,K/mcL,K/MM3,-1259 +191230975,876429,-231,4,bedside glucose,140.0,140,mg/dL,mg/dL,-231 +145510343,876429,2272,1,total protein,5.4,5.4,g/dL,g/dL,2306 +223629199,876429,-153,7,pH,7.38,7.38,,,-153 +226029456,876429,-231,7,Base Excess,-3.0,-3.0,mEq/L,mmol/L,-231 +153798198,876429,-23,1,magnesium,2.1,2.1,mg/dL,mg/dL,22 +170753270,876429,-1276,3,Hgb,14.1,14.1,g/dL,g/dL,-1259 +223629200,876429,-153,7,O2 Sat (%),100.0,100,%,%,-153 +145510348,876429,2272,1,BUN,20.0,20,mg/dL,mg/dL,2306 +150065291,876429,2272,1,magnesium,1.8,1.8,mg/dL,mg/dL,2306 +226029454,876429,-231,7,O2 Sat (%),100.0,100,%,%,-231 +226296722,876429,800,7,Base Excess,-6.0,-6.0,mEq/L,mmol/L,800 +170753266,876429,-1276,3,MPV,10.7,10.7,fL,fL,-1259 +223815092,876429,-62,7,FiO2,100.0,100,%,%,-62 +145510346,876429,2272,1,glucose,131.0,131,mg/dL,mg/dL,2306 +223629198,876429,-153,7,paCO2,38.0,38,mm Hg,mmHg,-153 +226029451,876429,-231,7,paO2,255.0,255,mm Hg,mmHg,-231 +146708904,876429,-266,1,sodium,138.0,138,mmol/L,mmol/L,-266 +179707961,876429,-23,3,PT,19.6,19.6,sec,second(s),27 +165264865,876429,-1276,1,magnesium,1.7,1.7,mg/dL,mg/dL,-1244 +145510334,876429,2272,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,2306 +187567566,876429,798,4,bedside glucose,141.0,141,mg/dL,mg/dL,798 +226029452,876429,-231,7,paCO2,31.0,31,mm Hg,mmHg,-231 +188737651,876429,-266,4,bedside glucose,86.0,86,mg/dL,mg/dL,-266 +165134491,876429,202,1,potassium,4.4,4.4,mmol/L,mmol/L,202 +152779404,876429,-23,1,phosphate,1.8,1.8,mg/dL,mg/dL,22 +145510345,876429,2272,1,ALT (SGPT),61.0,61,Units/L,IU/L,2306 +226296720,876429,800,7,O2 Sat (%),99.0,99,%,%,800 +226029453,876429,-231,7,pH,7.43,7.43,,,-231 +187767795,876429,-447,4,bedside glucose,70.0,70,mg/dL,mg/dL,-447 +179707962,876429,-23,3,PT - INR,1.7,1.7,ratio,,27 +188574548,876429,330,4,bedside glucose,132.0,132,mg/dL,mg/dL,330 +145510347,876429,2272,1,chloride,112.0,112,mmol/L,mmol/L,2306 +152438471,839120,2413,1,anion gap,5.0,5,,,2456 +152438469,839120,2413,1,potassium,3.8,3.8,mmol/L,mmol/L,2456 +167385519,839120,-402,3,RBC,2.5,2.50,M/mcL,M/MM3,-344 +142881732,839120,-3082,1,anion gap,8.0,8,,,-3054 +152438470,839120,2413,1,creatinine,1.0,1.00,mg/dL,mg/dL,2456 +167385520,839120,-402,3,Hct,26.0,26.0,%,%,-344 +142881738,839120,-3082,1,calcium,8.0,8.0,mg/dL,mg/dL,-3054 +152455257,839120,-2432,1,troponin - I,0.02,0.02,ng/mL,ng/mL,-2389 +167385518,839120,-402,3,MPV,9.6,9.6,fL,fL,-344 +142881737,839120,-3082,1,total protein,7.0,7.0,g/dL,g/dL,-3054 +152438476,839120,2413,1,chloride,110.0,110,mmol/L,mmol/L,2456 +167385524,839120,-402,3,MCH,35.2,35.2,pg,pg,-344 +142881739,839120,-3082,1,ALT (SGPT),21.0,21,Units/L,IU/L,-3054 +152438473,839120,2413,1,bicarbonate,25.0,25,mmol/L,mmol/L,2456 +167385525,839120,-402,3,MCHC,33.8,33.8,g/dL,g/dL,-344 +142881740,839120,-3082,1,glucose,117.0,117,mg/dL,mg/dL,-3054 +152438474,839120,2413,1,calcium,7.9,7.9,mg/dL,mg/dL,2456 +167385522,839120,-402,3,Hgb,8.8,8.8,g/dL,g/dL,-344 +140429938,839120,-1792,1,albumin,3.4,3.4,g/dL,g/dL,-1756 +142825365,839120,-3082,1,magnesium,1.7,1.7,mg/dL,mg/dL,-3054 +140429941,839120,-1792,1,calcium,8.6,8.6,mg/dL,mg/dL,-1756 +152438477,839120,2413,1,BUN,13.0,13,mg/dL,mg/dL,2456 +140429943,839120,-1792,1,glucose,116.0,116,mg/dL,mg/dL,-1756 +167385523,839120,-402,3,WBC x 1000,6.5,6.5,K/mcL,K/MM3,-344 +140429945,839120,-1792,1,BUN,17.0,17,mg/dL,mg/dL,-1756 +142881741,839120,-3082,1,chloride,105.0,105,mmol/L,mmol/L,-3054 +140429944,839120,-1792,1,chloride,104.0,104,mmol/L,mmol/L,-1756 +152438472,839120,2413,1,sodium,140.0,140,mmol/L,mmol/L,2456 +140429940,839120,-1792,1,total protein,6.9,6.9,g/dL,g/dL,-1756 +167385526,839120,-402,3,platelets x 1000,95.0,95,K/mcL,K/MM3,-344 +140429942,839120,-1792,1,ALT (SGPT),26.0,26,Units/L,IU/L,-1756 +142881733,839120,-3082,1,AST (SGOT),28.0,28,Units/L,IU/L,-3054 +156349872,839120,-402,1,chloride,105.0,105,mmol/L,mmol/L,-315 +152438475,839120,2413,1,glucose,89.0,89,mg/dL,mg/dL,2456 +140429932,839120,-1792,1,potassium,3.7,3.7,mmol/L,mmol/L,-1756 +167385521,839120,-402,3,MCV,104.0,104,fL,fL,-344 +156349873,839120,-402,1,BUN,19.0,19,mg/dL,mg/dL,-315 +142881731,839120,-3082,1,alkaline phos.,36.0,36,Units/L,IU/L,-3054 +140429934,839120,-1792,1,alkaline phos.,57.0,57,Units/L,IU/L,-1753 +168595953,839120,-3082,3,MCHC,34.6,34.6,g/dL,g/dL,-3073 +156349871,839120,-402,1,glucose,94.0,94,mg/dL,mg/dL,-315 +142881734,839120,-3082,1,sodium,137.0,137,mmol/L,mmol/L,-3054 +140429935,839120,-1792,1,anion gap,6.0,6,,,-1756 +151251510,839120,1273,1,bicarbonate,23.0,23,mmol/L,mmol/L,1299 +156349869,839120,-402,1,bicarbonate,26.0,26,mmol/L,mmol/L,-315 +142881742,839120,-3082,1,BUN,17.0,17,mg/dL,mg/dL,-3054 +140429936,839120,-1792,1,AST (SGOT),30.0,30,Units/L,IU/L,-1756 +168595954,839120,-3082,3,platelets x 1000,89.0,89,K/mcL,K/MM3,-3073 +156349870,839120,-402,1,calcium,8.5,8.5,mg/dL,mg/dL,-315 +142881730,839120,-3082,1,creatinine,0.77,0.77,mg/dL,mg/dL,-3054 +140306124,839120,3833,1,chloride,104.0,104,mmol/L,mmol/L,3867 +151251511,839120,1273,1,calcium,7.7,7.7,mg/dL,mg/dL,1299 +140429937,839120,-1792,1,sodium,139.0,139,mmol/L,mmol/L,-1756 +142881735,839120,-3082,1,albumin,3.4,3.4,g/dL,g/dL,-3054 +156349868,839120,-402,1,sodium,137.0,137,mmol/L,mmol/L,-315 +168595952,839120,-3082,3,MCH,35.0,35.0,pg,pg,-3073 +140306123,839120,3833,1,glucose,427.0,427,mg/dL,mg/dL,3867 +166910038,839120,-402,3,PT,14.6,14.6,sec,second(s),-332 +140429931,839120,-1792,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,-1756 +151251513,839120,1273,1,chloride,109.0,109,mmol/L,mmol/L,1299 +156349866,839120,-402,1,creatinine,0.97,0.97,mg/dL,mg/dL,-315 +142881736,839120,-3082,1,bicarbonate,24.0,24,mmol/L,mmol/L,-3054 +140306125,839120,3833,1,BUN,12.0,12,mg/dL,mg/dL,3867 +168595946,839120,-3082,3,MPV,10.0,10.0,fL,fL,-3073 +140429933,839120,-1792,1,creatinine,0.79,0.79,mg/dL,mg/dL,-1756 +166910039,839120,-402,3,PT - INR,1.2,1.2,ratio,,-332 +156349865,839120,-402,1,potassium,4.3,4.3,mmol/L,mmol/L,-315 +151251512,839120,1273,1,glucose,127.0,127,mg/dL,mg/dL,1299 +140306121,839120,3833,1,calcium,7.4,7.4,mg/dL,mg/dL,3867 +169918630,839120,2413,3,WBC x 1000,5.9,5.9,K/mcL,K/MM3,2441 +140429939,839120,-1792,1,bicarbonate,29.0,29,mmol/L,mmol/L,-1756 +168595949,839120,-3082,3,MCV,101.0,101,fL,fL,-3073 +156349867,839120,-402,1,anion gap,6.0,6,,,-315 +169918628,839120,2413,3,MCV,104.0,104,fL,fL,2441 +140306122,839120,3833,1,ALT (SGPT),19.0,19,Units/L,IU/L,3867 +151251508,839120,1273,1,anion gap,8.0,8,,,1299 +177574991,839120,-1792,3,MPV,9.6,9.6,fL,fL,-1755 +169918631,839120,2413,3,MCH,35.7,35.7,pg,pg,2441 +140306119,839120,3833,1,bicarbonate,24.0,24,mmol/L,mmol/L,3867 +168595950,839120,-3082,3,Hgb,10.9,10.9,g/dL,g/dL,-3073 +177574996,839120,-1792,3,WBC x 1000,5.4,5.4,K/mcL,K/MM3,-1755 +169524160,839120,-1792,3,-eos,0.0,0,%,%,-1755 +140306118,839120,3833,1,albumin,2.6,2.6,g/dL,g/dL,3867 +186151689,839120,-3082,3,-basos,0.0,0,%,%,-3073 +177574992,839120,-1792,3,RBC,2.44,2.44,M/mcL,M/MM3,-1755 +169918627,839120,2413,3,Hct,23.2,23.2,%,%,2441 +140306114,839120,3833,1,alkaline phos.,39.0,39,Units/L,IU/L,3868 +151251514,839120,1273,1,BUN,16.0,16,mg/dL,mg/dL,1299 +177574997,839120,-1792,3,MCH,35.2,35.2,pg,pg,-1755 +169524161,839120,-1792,3,-monos,11.0,11,%,%,-1755 +140306115,839120,3833,1,anion gap,4.0,4,,,3867 +186151691,839120,-3082,3,-eos,1.0,1,%,%,-3073 +177574994,839120,-1792,3,MCV,103.0,103,fL,fL,-1755 +169918633,839120,2413,3,platelets x 1000,111.0,111,K/mcL,K/MM3,2441 +140306113,839120,3833,1,creatinine,0.83,0.83,mg/dL,mg/dL,3867 +168595951,839120,-3082,3,WBC x 1000,6.9,6.9,K/mcL,K/MM3,-3073 +177574995,839120,-1792,3,Hgb,8.6,8.6,g/dL,g/dL,-1755 +175235131,839120,1273,3,platelets x 1000,87.0,87,K/mcL,K/MM3,1325 +169524157,839120,-1792,3,-lymphs,12.0,12,%,%,-1755 +140306116,839120,3833,1,AST (SGOT),28.0,28,Units/L,IU/L,3867 +175235130,839120,1273,3,MCHC,33.6,33.6,g/dL,g/dL,1325 +186151690,839120,-3082,3,-polys,80.0,80,%,%,-3073 +177574998,839120,-1792,3,MCHC,34.3,34.3,g/dL,g/dL,-1755 +175235128,839120,1273,3,WBC x 1000,5.4,5.4,K/mcL,K/MM3,1325 +167838193,839120,-1792,3,PT,14.4,14.4,sec,second(s),-1737 +140306117,839120,3833,1,sodium,132.0,132,mmol/L,mmol/L,3867 +175235129,839120,1273,3,MCH,34.7,34.7,pg,pg,1325 +151251507,839120,1273,1,creatinine,0.91,0.91,mg/dL,mg/dL,1299 +177574993,839120,-1792,3,Hct,25.1,25.1,%,%,-1755 +175235126,839120,1273,3,MCV,103.0,103,fL,fL,1325 +169918632,839120,2413,3,MCHC,34.5,34.5,g/dL,g/dL,2441 +140306112,839120,3833,1,potassium,3.3,3.3,mmol/L,mmol/L,3867 +175235127,839120,1273,3,Hgb,7.7,7.7,g/dL,g/dL,1325 +183057516,839120,1273,3,PT,15.4,15.4,sec,second(s),1295 +177574999,839120,-1792,3,platelets x 1000,79.0,79,K/mcL,K/MM3,-1755 +173490190,839120,1273,3,PTT,27.0,27,sec,second(s),1296 +162427503,839120,-3082,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,-3054 +140306111,839120,3833,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,3867 +182080464,839120,-3082,3,PT - INR,4.3,4.3,ratio,,-3066 +168595947,839120,-3082,3,RBC,3.11,3.11,M/mcL,M/MM3,-3073 +191653046,839120,1873,4,bedside glucose,101.0,101,mg/dL,mg/dL,1873 +164025977,839120,2413,1,magnesium,1.6,1.6,mg/dL,mg/dL,2456 +169524158,839120,-1792,3,-basos,0.0,0,%,%,-1755 +140306120,839120,3833,1,total protein,5.7,5.7,g/dL,g/dL,3867 +182080463,839120,-3082,3,PT,39.9,39.9,sec,second(s),-3066 +186151688,839120,-3082,3,-lymphs,11.0,11,%,%,-3073 +191834838,839120,673,4,bedside glucose,105.0,105,mg/dL,mg/dL,673 +167838194,839120,-1792,3,PT - INR,1.2,1.2,ratio,,-1737 +191363126,839120,-1792,4,TSH,3.6,3.60,mcU/ml,mIU/L,-1747 +175573297,839120,2413,3,PT - INR,1.2,1.2,ratio,,2448 +189323767,839120,2413,4,ammonia,,<10,mcg/dL,umol/L,2454 +169918626,839120,2413,3,RBC,2.24,2.24,M/mcL,M/MM3,2441 +155737141,839120,-1062,1,potassium,3.9,3.9,mmol/L,mmol/L,-1023 +151251509,839120,1273,1,sodium,140.0,140,mmol/L,mmol/L,1299 +181920934,839120,3833,3,MPV,9.3,9.3,fL,fL,3850 +161687379,839120,1273,1,potassium,4.0,4.0,mmol/L,mmol/L,1299 +181920939,839120,3833,3,WBC x 1000,6.3,6.3,K/mcL,K/MM3,3850 +183057517,839120,1273,3,PT - INR,1.3,1.3,ratio,,1295 +181920935,839120,3833,3,RBC,2.25,2.25,M/mcL,M/MM3,3850 +169524159,839120,-1792,3,-polys,76.0,76,%,%,-1755 +181920940,839120,3833,3,MCH,36.0,36.0,pg,pg,3850 +175573296,839120,2413,3,PT,15.1,15.1,sec,second(s),2448 +181920942,839120,3833,3,platelets x 1000,130.0,130,K/mcL,K/MM3,3850 +162427504,839120,-3082,1,potassium,3.7,3.7,mmol/L,mmol/L,-3054 +181920937,839120,3833,3,MCV,102.0,102,fL,fL,3850 +168595948,839120,-3082,3,Hct,31.5,31.5,%,%,-3073 +181920936,839120,3833,3,Hct,23.0,23.0,%,%,3850 +169918629,839120,2413,3,Hgb,8.0,8.0,g/dL,g/dL,2441 +185948800,839120,1273,3,Hct,22.9,22.9,%,%,1325 +186151692,839120,-3082,3,-monos,8.0,8,%,%,-3073 +181920938,839120,3833,3,Hgb,8.1,8.1,g/dL,g/dL,3850 +187461688,839120,7,4,bedside glucose,103.0,103,mg/dL,mg/dL,7 +185948799,839120,1273,3,RBC,2.22,2.22,M/mcL,M/MM3,1325 +149505818,839120,-2772,1,troponin - I,,<0.02,ng/mL,ng/mL,-2726 +181920941,839120,3833,3,MCHC,35.2,35.2,g/dL,g/dL,3850 +151779123,839120,3238,1,magnesium,1.6,1.6,mg/dL,mg/dL,3285 +185948798,839120,1273,3,MPV,10.0,10.0,fL,fL,1325 +189614766,839120,427,4,bedside glucose,101.0,101,mg/dL,mg/dL,427 +190665702,839120,278,4,bedside glucose,106.0,106,mg/dL,mg/dL,278 +191049246,839120,1193,4,bedside glucose,93.0,93,mg/dL,mg/dL,1193 +190307103,839120,-69,4,bedside glucose,107.0,107,mg/dL,mg/dL,-69 +141420537,839120,3833,1,magnesium,1.5,1.5,mg/dL,mg/dL,3867 +189861358,839120,917,4,bedside glucose,99.0,99,mg/dL,mg/dL,917 +169918625,839120,2413,3,MPV,9.1,9.1,fL,fL,2441 +140530449,839120,-3082,1,troponin - I,,<0.02,ng/mL,ng/mL,-3054 +601332599,2597776,6527,1,calcium,8.3,8.3,mg/dL,mg/dL,6567 +601332601,2597776,6527,1,chloride,103.0,103,mmol/L,MEQ/L,6567 +601332603,2597776,6527,1,creatinine,1.0,1.0,mg/dL,mg/dL,6567 +601332606,2597776,6527,1,BUN,13.0,13,mg/dL,mg/dL,6567 +609784075,2597776,6527,3,RBC,2.92,2.92,M/mcL,MIL/uL,6626 +601332604,2597776,6527,1,glucose,95.0,95,mg/dL,mg/dL,6567 +606570773,2597776,9447,3,MCH,32.0,32,pg,pg,9463 +609784076,2597776,6527,3,WBC x 1000,16.66,16.66,K/mcL,TH/uL,6626 +606570776,2597776,9447,3,-lymphs,6.0,6,%,%,9463 +601332602,2597776,6527,1,potassium,3.6,3.6,mmol/L,MEQ/L,6567 +605624463,2597776,3667,3,-eos,0.0,0,%,%,3697 +609784077,2597776,6527,3,MCV,97.0,97,fL,fL,6626 +605926424,2597776,4882,3,-eos,0.0,0,%,%,4904 +606570777,2597776,9447,3,MCV,98.0,98,fL,fL,9463 +604450116,2597776,-178,1,albumin,2.6,2.6,g/dL,g/dL,-126 +605926420,2597776,4882,3,Hct,28.0,28,%,%,4904 +605296940,2597776,730,3,-polys,87.0,87,%,%,787 +601332605,2597776,6527,1,anion gap,9.0,9,,,6567 +605926421,2597776,4882,3,-polys,86.0,86,%,%,4904 +606570778,2597776,9447,3,MCHC,32.0,32,g/dL,%,9463 +604450117,2597776,-178,1,glucose,102.0,102,mg/dL,mg/dL,-126 +605926422,2597776,4882,3,platelets x 1000,182.0,182,K/mcL,TH/uL,4904 +605624464,2597776,3667,3,Hct,25.0,25,%,%,3697 +609784073,2597776,6527,3,MCHC,33.0,33,g/dL,%,6626 +605926423,2597776,4882,3,MCV,98.0,98,fL,fL,4904 +606570775,2597776,9447,3,MPV,9.5,9.5,fL,fL,9463 +604450120,2597776,-178,1,calcium,7.9,7.9,mg/dL,mg/dL,-126 +605926418,2597776,4882,3,WBC x 1000,13.55,13.55,K/mcL,TH/uL,4904 +605296938,2597776,730,3,WBC x 1000,22.04,22.04,K/mcL,TH/uL,787 +601332598,2597776,6527,1,bicarbonate,24.0,24,mmol/L,MEQ/L,6567 +605926425,2597776,4882,3,RDW,16.1,16.1,%,%,4904 +607002984,2597776,7807,3,RDW,15.6,15.6,%,%,7898 +604450119,2597776,-178,1,BUN,28.0,28,mg/dL,mg/dL,-126 +605926415,2597776,4882,3,Hgb,9.1,9.1,g/dL,g/dL,4904 +605624465,2597776,3667,3,MCV,97.0,97,fL,fL,3697 +609784074,2597776,6527,3,RDW,15.8,15.8,%,%,6626 +605926426,2597776,4882,3,MPV,9.6,9.6,fL,fL,4904 +606570779,2597776,9447,3,WBC x 1000,14.03,14.03,K/mcL,TH/uL,9463 +605296939,2597776,730,3,Hct,25.0,25,%,%,787 +601332600,2597776,6527,1,sodium,136.0,136,mmol/L,MEQ/L,6567 +605926417,2597776,4882,3,-monos,6.0,6,%,%,4904 +607002980,2597776,7807,3,-lymphs,4.0,4,%,%,7898 +604179940,2597776,-178,1,troponin - I,0.06,0.06,ng/mL,ng/mL,-113 +600032061,2597776,4882,1,glucose,92.0,92,mg/dL,mg/dL,4956 +605624462,2597776,3667,3,RDW,16.3,16.3,%,%,3697 +609784078,2597776,6527,3,-eos,1.0,1,%,%,6626 +605926416,2597776,4882,3,MCHC,33.0,33,g/dL,%,4904 +606570769,2597776,9447,3,Hct,24.0,24,%,%,9463 +604450370,2597776,730,1,calcium,7.7,7.7,mg/dL,mg/dL,756 +600032062,2597776,4882,1,potassium,3.6,3.6,mmol/L,MEQ/L,4956 +605296935,2597776,730,3,MCV,100.0,100,fL,fL,787 +603204920,2597776,730,1,total protein,3.8,3.8,g/dL,g/dL,756 +607002982,2597776,7807,3,RBC,2.65,2.65,M/mcL,MIL/uL,7898 +603204924,2597776,730,1,ALT (SGPT),21.0,21,Units/L,IU/L,756 +605624459,2597776,3667,3,MCH,32.0,32,pg,pg,3697 +603204922,2597776,730,1,potassium,3.9,3.9,mmol/L,MEQ/L,756 +606570770,2597776,9447,3,RDW,16.0,16.0,%,%,9463 +603204925,2597776,730,1,alkaline phos.,58.0,58,Units/L,IU/L,756 +600812856,2597776,3667,1,anion gap,6.0,6,,,3703 +603204919,2597776,730,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,756 +605296933,2597776,730,3,MPV,9.9,9.9,fL,fL,787 +603204927,2597776,730,1,anion gap,4.0,4,,,756 +600812849,2597776,3667,1,BUN,14.0,14,mg/dL,mg/dL,3703 +603204921,2597776,730,1,albumin,2.0,2.0,g/dL,g/dL,756 +604449281,2597776,4882,1,BUN,12.0,12,mg/dL,mg/dL,4956 +603204917,2597776,730,1,BUN,23.0,23,mg/dL,mg/dL,756 +600812854,2597776,3667,1,glucose,82.0,82,mg/dL,mg/dL,3703 +603204918,2597776,730,1,AST (SGOT),13.0,13,Units/L,IU/L,756 +605624461,2597776,3667,3,RBC,2.57,2.57,M/mcL,MIL/uL,3697 +603204926,2597776,730,1,bicarbonate,23.0,23,mmol/L,MEQ/L,756 +600812850,2597776,3667,1,creatinine,1.1,1.1,mg/dL,mg/dL,3703 +603204916,2597776,730,1,chloride,110.0,110,mmol/L,MEQ/L,756 +607002981,2597776,7807,3,MCHC,32.0,32,g/dL,%,7898 +603204914,2597776,730,1,glucose,79.0,79,mg/dL,mg/dL,756 +600144717,2597776,9447,1,creatinine,1.1,1.1,mg/dL,mg/dL,9483 +603204915,2597776,730,1,creatinine,1.1,1.1,mg/dL,mg/dL,756 +605296934,2597776,730,3,MCH,32.0,32,pg,pg,787 +603204923,2597776,730,1,sodium,137.0,137,mmol/L,MEQ/L,756 +600812851,2597776,3667,1,chloride,109.0,109,mmol/L,MEQ/L,3703 +610256400,2597776,2532,3,platelets x 1000,168.0,168,K/mcL,TH/uL,2546 +604449280,2597776,4882,1,calcium,8.0,8.0,mg/dL,mg/dL,4956 +610256399,2597776,2532,3,-polys,88.0,88,%,%,2546 +599214889,2597776,7807,1,anion gap,5.0,5,,,7831 +610256398,2597776,2532,3,MCHC,32.0,32,g/dL,%,2546 +605624466,2597776,3667,3,-monos,7.0,7,%,%,3697 +610256394,2597776,2532,3,-eos,0.0,0,%,%,2546 +600144719,2597776,9447,1,calcium,7.7,7.7,mg/dL,mg/dL,9483 +610256395,2597776,2532,3,-lymphs,7.0,7,%,%,2546 +606570771,2597776,9447,3,-monos,5.0,5,%,%,9463 +610256396,2597776,2532,3,WBC x 1000,13.78,13.78,K/mcL,TH/uL,2546 +604790618,2597776,-178,3,Hct,28.0,28,%,%,-130 +610256397,2597776,2532,3,-monos,5.0,5,%,%,2546 +605296936,2597776,730,3,RDW,16.1,16.1,%,%,787 +610256401,2597776,2532,3,MCV,100.0,100,fL,fL,2546 +599214890,2597776,7807,1,creatinine,1.1,1.1,mg/dL,mg/dL,7831 +610256402,2597776,2532,3,RDW,16.6,16.6,%,%,2546 +604449282,2597776,4882,1,creatinine,1.0,1.0,mg/dL,mg/dL,4956 +610256406,2597776,2532,3,Hct,28.0,28,%,%,2546 +600144721,2597776,9447,1,bicarbonate,24.0,24,mmol/L,MEQ/L,9483 +610256407,2597776,2532,3,MCH,32.0,32,pg,pg,2546 +607074382,2597776,-178,3,PT - INR,1.2,1.2,ratio,,-143 +610256403,2597776,2532,3,Hgb,8.9,8.9,g/dL,g/dL,2546 +600812853,2597776,3667,1,potassium,3.7,3.7,mmol/L,MEQ/L,3703 +610256404,2597776,2532,3,MPV,9.2,9.2,fL,fL,2546 +607002978,2597776,7807,3,-polys,82.0,82,%,%,7898 +610256405,2597776,2532,3,RBC,2.75,2.75,M/mcL,MIL/uL,2546 +599214891,2597776,7807,1,glucose,90.0,90,mg/dL,mg/dL,7831 +601528057,2597776,-178,1,alkaline phos.,67.0,67,Units/L,IU/L,-126 +605624460,2597776,3667,3,-polys,83.0,83,%,%,3697 +601528058,2597776,-178,1,potassium,4.1,4.1,mmol/L,MEQ/L,-126 +600144723,2597776,9447,1,anion gap,6.0,6,,,9483 +601528055,2597776,-178,1,creatinine,1.2,1.2,mg/dL,mg/dL,-126 +604449279,2597776,4882,1,sodium,139.0,139,mmol/L,MEQ/L,4956 +601528056,2597776,-178,1,bicarbonate,24.0,24,mmol/L,MEQ/L,-126 +600469011,2597776,-178,1,lactate,0.7,0.7,mmol/L,mmol/L,-151 +601528063,2597776,-178,1,chloride,108.0,108,mmol/L,MEQ/L,-126 +607074385,2597776,-178,3,PTT,36.0,36,sec,sec,-143 +601528060,2597776,-178,1,sodium,139.0,139,mmol/L,MEQ/L,-126 +599214888,2597776,7807,1,sodium,136.0,136,mmol/L,MEQ/L,7831 +601528061,2597776,-178,1,total protein,4.9,4.9,g/dL,g/dL,-126 +606570772,2597776,9447,3,platelets x 1000,247.0,247,K/mcL,TH/uL,9463 +617023157,2597776,-203,7,O2 Content,13.1,13.1,mls/dL,mL/dL,-176 +600144716,2597776,9447,1,BUN,20.0,20,mg/dL,mg/dL,9483 +610257790,2597776,3667,3,platelets x 1000,169.0,169,K/mcL,TH/uL,3697 +605296932,2597776,730,3,-monos,11.0,11,%,%,787 +610257710,2597776,7807,3,-eos,2.0,2,%,%,7898 +600812855,2597776,3667,1,sodium,137.0,137,mmol/L,MEQ/L,3703 +610257791,2597776,3667,3,-lymphs,9.0,9,%,%,3697 +604449284,2597776,4882,1,chloride,109.0,109,mmol/L,MEQ/L,4956 +601528062,2597776,-178,1,AST (SGOT),15.0,15,Units/L,IU/L,-126 +599214884,2597776,7807,1,potassium,3.9,3.9,mmol/L,MEQ/L,7831 +610257792,2597776,3667,3,MCHC,33.0,33,g/dL,%,3697 +607074383,2597776,-178,3,fibrinogen,445.0,445,mg/dL,mg/dL,-143 +610257715,2597776,7807,3,Hct,26.0,26,%,%,7898 +600144718,2597776,9447,1,glucose,92.0,92,mg/dL,mg/dL,9483 +610257521,2597776,6527,3,-polys,85.0,85,%,%,6626 +607002979,2597776,7807,3,MCV,99.0,99,fL,fL,7898 +617023158,2597776,-203,7,Carboxyhemoglobin,2.1,2.1,%,% THB,-176 +604790619,2597776,-178,3,MCV,98.0,98,fL,fL,-130 +610257793,2597776,3667,3,WBC x 1000,11.26,11.26,K/mcL,TH/uL,3697 +605624468,2597776,3667,3,Hgb,8.1,8.1,g/dL,g/dL,3697 +610257713,2597776,7807,3,WBC x 1000,13.5,13.50,K/mcL,TH/uL,7898 +599214885,2597776,7807,1,calcium,8.0,8.0,mg/dL,mg/dL,7831 +610257910,2597776,9447,3,Hgb,7.6,7.6,g/dL,g/dL,9463 +610257994,2597776,4882,3,RBC,2.83,2.83,M/mcL,MIL/uL,4904 +601512156,2597776,-178,1,ionized calcium,4.3,4.3,mg/dL,mg/dL,-148 +604448894,2597776,2532,1,creatinine,1.0,1.0,mg/dL,mg/dL,2561 +610257522,2597776,6527,3,Hgb,9.3,9.3,g/dL,g/dL,6626 +600144720,2597776,9447,1,chloride,109.0,109,mmol/L,MEQ/L,9483 +610257716,2597776,7807,3,MPV,10.4,10.4,fL,fL,7898 +602654175,2597776,432,1,troponin - I,0.03,0.03,ng/mL,ng/mL,463 +610257911,2597776,9447,3,-polys,87.0,87,%,%,9463 +604448899,2597776,2532,1,glucose,105.0,105,mg/dL,mg/dL,2561 +617023155,2597776,-203,7,pH,7.4,7.40,,units,-176 +600812857,2597776,3667,1,bicarbonate,22.0,22,mmol/L,MEQ/L,3703 +610257523,2597776,6527,3,-lymphs,4.0,4,%,%,6626 +606570774,2597776,9447,3,-eos,2.0,2,%,%,9463 +610257714,2597776,7807,3,-monos,12.0,12,%,%,7898 +604448898,2597776,2532,1,anion gap,4.0,4,,,2561 +610257524,2597776,6527,3,platelets x 1000,211.0,211,K/mcL,TH/uL,6626 +599214887,2597776,7807,1,BUN,18.0,18,mg/dL,mg/dL,7831 +610256488,2597776,-178,3,RDW,16.2,16.2,%,%,-130 +605296937,2597776,730,3,-lymphs,2.0,2,%,%,787 +601528059,2597776,-178,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-126 +604448896,2597776,2532,1,sodium,137.0,137,mmol/L,MEQ/L,2561 +610257519,2597776,6527,3,-monos,11.0,11,%,%,6626 +600144722,2597776,9447,1,potassium,3.5,3.5,mmol/L,MEQ/L,9483 +610256494,2597776,-178,3,-polys,88.0,88,%,%,-130 +604449283,2597776,4882,1,anion gap,7.0,7,,,4956 +618853721,2597776,10177,7,paCO2,33.0,33,mm Hg,mm Hg,10203 +604448902,2597776,2532,1,potassium,4.0,4.0,mmol/L,MEQ/L,2561 +610257956,2597776,730,3,Hgb,8.1,8.1,g/dL,g/dL,787 +600475540,2597776,-178,1,cortisol,15.2,15.2,mcg/dL,ug/dL,302 +610256493,2597776,-178,3,-monos,4.0,4,%,%,-130 +607074384,2597776,-178,3,PT,14.9,14.9,sec,sec,-143 +610257711,2597776,7807,3,platelets x 1000,225.0,225,K/mcL,TH/uL,7898 +604448901,2597776,2532,1,chloride,110.0,110,mmol/L,MEQ/L,2561 +610257953,2597776,730,3,RBC,2.53,2.53,M/mcL,MIL/uL,787 +599214892,2597776,7807,1,chloride,106.0,106,mmol/L,MEQ/L,7831 +610256495,2597776,-178,3,MCH,32.0,32,pg,pg,-130 +607002983,2597776,7807,3,MCH,32.0,32,pg,pg,7898 +618853720,2597776,10177,7,pH,7.44,7.44,,units,10203 +604448897,2597776,2532,1,bicarbonate,23.0,23,mmol/L,MEQ/L,2561 +610257518,2597776,6527,3,MPV,9.7,9.7,fL,fL,6626 +600144724,2597776,9447,1,sodium,139.0,139,mmol/L,MEQ/L,9483 +610256492,2597776,-178,3,WBC x 1000,27.5,27.50,K/mcL,TH/uL,-130 +605624467,2597776,3667,3,MPV,9.5,9.5,fL,fL,3697 +617023160,2597776,-203,7,Methemoglobin,1.5,1.5,%,% THB,-176 +604448900,2597776,2532,1,calcium,7.9,7.9,mg/dL,mg/dL,2561 +610257954,2597776,730,3,platelets x 1000,187.0,187,K/mcL,TH/uL,787 +600812852,2597776,3667,1,calcium,7.8,7.8,mg/dL,mg/dL,3703 +610256497,2597776,-178,3,RBC,2.89,2.89,M/mcL,MIL/uL,-130 +599152820,2597776,2149,1,potassium,3.9,3.9,mmol/L,MEQ/L,2172 +618853717,2597776,10177,7,HCO3,22.4,22.4,mmol/L,MEQ/L,10203 +604448895,2597776,2532,1,BUN,17.0,17,mg/dL,mg/dL,2561 +610257955,2597776,730,3,MCHC,32.0,32,g/dL,%,787 +599214886,2597776,7807,1,bicarbonate,25.0,25,mmol/L,MEQ/L,7831 +610256491,2597776,-178,3,platelets x 1000,226.0,226,K/mcL,TH/uL,-130 +610257995,2597776,4882,3,-lymphs,8.0,8,%,%,4904 +610257712,2597776,7807,3,Hgb,8.4,8.4,g/dL,g/dL,7898 +618853670,2597776,-203,7,paCO2,37.0,37,mm Hg,mm Hg,-176 +610257517,2597776,6527,3,MCH,32.0,32,pg,pg,6626 +617896539,2597776,10177,7,LPM O2,12.0,12.00,L/min,L/min,10203 +610256490,2597776,-178,3,-lymphs,8.0,8,%,%,-130 +618853669,2597776,-203,7,HCO3,22.9,22.9,mmol/L,MEQ/L,-176 +618853719,2597776,10177,7,paO2,53.0,53,mm Hg,mm Hg,10203 +606570780,2597776,9447,3,RBC,2.41,2.41,M/mcL,MIL/uL,9463 +610257520,2597776,6527,3,Hct,28.0,28,%,%,6626 +618853671,2597776,-203,7,Oxyhemoglobin,95.5,95.5,%,% THB,-176 +610256489,2597776,-178,3,MPV,9.3,9.3,fL,fL,-130 +617896537,2597776,10177,7,Base Excess,-1.1,-1.1,mEq/L,MEQ/L,10203 +601528054,2597776,-178,1,ALT (SGPT),24.0,24,Units/L,IU/L,-126 +618853666,2597776,-203,7,Base Excess,-1.6,-1.6,mEq/L,MEQ/L,-176 +604450166,2597776,-43,1,troponin - I,0.05,0.05,ng/mL,ng/mL,20 +604449285,2597776,4882,1,bicarbonate,24.0,24,mmol/L,MEQ/L,4956 +610256496,2597776,-178,3,MCHC,32.0,32,g/dL,%,-130 +618853667,2597776,-203,7,paO2,117.0,117,mm Hg,mm Hg,-176 +599339458,2597776,-203,1,ionized calcium,4.4,4.4,mg/dL,mg/dL,-176 +600975586,2597776,8412,1,troponin - I,0.02,0.02,ng/mL,ng/mL,8444 +602435440,2597776,10042,1,potassium,4.3,4.3,mmol/L,MEQ/L,10057 +618853668,2597776,-203,7,LPM O2,2.0,2.00,L/min,L/min,-176 +610256487,2597776,-178,3,Hgb,9.2,9.2,g/dL,g/dL,-130 +604450118,2597776,-178,1,anion gap,7.0,7,,,-126 +605926419,2597776,4882,3,MCH,32.0,32,pg,pg,4904 +87186229,361404,64,1,sodium,140.0,140,mmol/L,mEq/L,66 +87186228,361404,64,1,creatinine,1.0,1.0,mg/dL,mg/dL,66 +87186232,361404,64,1,BUN,22.0,22,mg/dL,mg/dL,66 +87186227,361404,64,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,66 +94767984,361404,64,3,WBC x 1000,6.8,6.8,K/mcL,K/CMM,67 +87186231,361404,64,1,glucose,128.0,128,mg/dL,mg/dL,66 +94767983,361404,64,3,Hct,37.8,37.8,%,%,67 +87186230,361404,64,1,albumin,3.7,3.7,g/dL,g/dL,66 +825050745,3348293,12495,3,MPV,10.2,10.2,fL,fL,12530 +824972295,3348293,8265,3,RDW,15.2,15.2,%,%,8291 +825301871,3348293,6825,3,MCH,30.0,30,pg,pg,6843 +824972294,3348293,8265,3,MCHC,33.0,33,g/dL,%,8291 +825050744,3348293,12495,3,platelets x 1000,445.0,445,K/mcL,K/uL,12530 +825050742,3348293,12495,3,MCHC,33.0,33,g/dL,%,12530 +824972292,3348293,8265,3,MCV,89.0,89,fL,fL,8291 +825301869,3348293,6825,3,Hct,31.0,31,%,%,6843 +825050741,3348293,12495,3,MCH,30.0,30,pg,pg,12530 +825301872,3348293,6825,3,MCHC,33.0,33,g/dL,%,6843 +825301870,3348293,6825,3,MCV,89.0,89,fL,fL,6843 +824464229,3348293,3910,3,RDW,15.8,15.8,%,%,3935 +825050740,3348293,12495,3,MCV,89.0,89,fL,fL,12530 +824464227,3348293,3910,3,MCH,29.0,29,pg,pg,3935 +824972293,3348293,8265,3,MCH,29.0,29,pg,pg,8291 +824464225,3348293,3910,3,Hct,21.0,21,%,%,3935 +825050743,3348293,12495,3,RDW,15.2,15.2,%,%,12530 +824464222,3348293,3910,3,WBC x 1000,11.0,11.0,K/mcL,K/uL,3935 +824972291,3348293,8265,3,Hct,30.0,30,%,%,8291 +824323352,3348293,990,1,chloride,98.0,98,mmol/L,mmol/L,1031 +825050736,3348293,12495,3,WBC x 1000,10.6,10.6,K/mcL,K/uL,12530 +824323345,3348293,990,1,potassium,3.8,3.8,mmol/L,mmol/L,1031 +826747547,3348293,4283,4,bedside glucose,163.0,163,mg/dL,mg/dL,4283 +824972288,3348293,8265,3,WBC x 1000,11.7,11.7,K/mcL,K/uL,8291 +826848925,3348293,5727,4,bedside glucose,129.0,129,mg/dL,mg/dL,5727 +824323346,3348293,990,1,creatinine,0.88,0.88,mg/dL,mg/dL,1031 +826932112,3348293,2831,4,bedside glucose,176.0,176,mg/dL,mg/dL,2831 +825301867,3348293,6825,3,RBC,3.53,3.53,M/mcL,M/uL,6843 +827480291,3348293,7147,4,bedside glucose,130.0,130,mg/dL,mg/dL,7147 +824464223,3348293,3910,3,RBC,2.41,2.41,M/mcL,M/uL,3935 +826751571,3348293,6889,4,bedside glucose,131.0,131,mg/dL,mg/dL,6889 +825301866,3348293,6825,3,WBC x 1000,10.8,10.8,K/mcL,K/uL,6843 +826745151,3348293,5464,4,bedside glucose,133.0,133,mg/dL,mg/dL,5464 +824323353,3348293,990,1,BUN,21.0,21,mg/dL,mg/dL,1031 +826214843,3348293,5740,3,WBC x 1000,10.5,10.5,K/mcL,K/uL,5773 +824972289,3348293,8265,3,RBC,3.41,3.41,M/mcL,M/uL,8291 +826214844,3348293,5740,3,RBC,3.38,3.38,M/mcL,M/uL,5773 +824323349,3348293,990,1,bicarbonate,28.0,28,mmol/L,mmol/L,1031 +826214845,3348293,5740,3,Hgb,10.2,10.2,g/dL,g/dL,5773 +824972290,3348293,8265,3,Hgb,9.9,9.9,g/dL,g/dL,8291 +826214849,3348293,5740,3,MCHC,34.0,34,g/dL,%,5773 +824464226,3348293,3910,3,MCV,88.0,88,fL,fL,3935 +826214846,3348293,5740,3,Hct,30.0,30,%,%,5773 +824972296,3348293,8265,3,platelets x 1000,367.0,367,K/mcL,K/uL,8291 +826214847,3348293,5740,3,MCV,89.0,89,fL,fL,5773 +824464228,3348293,3910,3,MCHC,33.0,33,g/dL,%,3935 +826214848,3348293,5740,3,MCH,30.0,30,pg,pg,5773 +825050739,3348293,12495,3,Hct,30.0,30,%,%,12530 +826214850,3348293,5740,3,RDW,15.0,15.0,%,%,5773 +824323350,3348293,990,1,calcium,6.7,6.7,mg/dL,mg/dL,1031 +826214851,3348293,5740,3,platelets x 1000,343.0,343,K/mcL,K/uL,5773 +825301868,3348293,6825,3,Hgb,10.5,10.5,g/dL,g/dL,6843 +826895409,3348293,4015,4,bedside glucose,146.0,146,mg/dL,mg/dL,4015 +824464230,3348293,3910,3,platelets x 1000,283.0,283,K/mcL,K/uL,3935 +823080309,3348293,5740,1,ionized calcium,4.6,4.6,mg/dL,mg/dL,5782 +826214852,3348293,5740,3,MPV,10.8,10.8,fL,fL,5773 +825301873,3348293,6825,3,RDW,15.0,15.0,%,%,6843 +827192660,3348293,1392,4,bedside glucose,177.0,177,mg/dL,mg/dL,1392 +824323348,3348293,990,1,sodium,131.0,131,mmol/L,mmol/L,1031 +825045594,3348293,14065,3,WBC x 1000,14.5,14.5,K/mcL,K/uL,14130 +824972297,3348293,8265,3,MPV,10.4,10.4,fL,fL,8291 +825045602,3348293,14065,3,platelets x 1000,422.0,422,K/mcL,K/uL,14130 +824320104,3348293,3910,1,phosphate,3.3,3.3,mg/dL,mg/dL,3960 +825045595,3348293,14065,3,RBC,3.31,3.31,M/mcL,M/uL,14130 +824323351,3348293,990,1,glucose,133.0,133,mg/dL,mg/dL,1031 +825045596,3348293,14065,3,Hgb,9.3,9.3,g/dL,g/dL,14130 +824342957,3348293,6825,1,bicarbonate,26.0,26,mmol/L,mmol/L,6868 +825045601,3348293,14065,3,RDW,15.3,15.3,%,%,14130 +825050737,3348293,12495,3,RBC,3.36,3.36,M/mcL,M/uL,12530 +825045603,3348293,14065,3,MPV,10.5,10.5,fL,fL,14130 +824342956,3348293,6825,1,chloride,98.0,98,mmol/L,mmol/L,6868 +825045597,3348293,14065,3,Hct,29.0,29,%,%,14130 +824464224,3348293,3910,3,Hgb,6.9,6.9,g/dL,g/dL,3935 +827519819,3348293,14122,4,TSH,6.01,6.01,mcU/ml,uIU/mL,14175 +824417651,3348293,6825,1,magnesium,1.8,1.8,mg/dL,mg/dL,6868 +825045598,3348293,14065,3,MCV,88.0,88,fL,fL,14130 +825301874,3348293,6825,3,platelets x 1000,378.0,378,K/mcL,K/uL,6843 +827526077,3348293,8313,4,bedside glucose,79.0,79,mg/dL,mg/dL,8313 +824131793,3348293,3910,1,magnesium,1.9,1.9,mg/dL,mg/dL,3960 +825045599,3348293,14065,3,MCH,28.0,28,pg,pg,14130 +824323347,3348293,990,1,anion gap,5.0,5,,,1031 +827223712,3348293,2564,4,bedside glucose,166.0,166,mg/dL,mg/dL,2564 +827209025,3348293,435,4,bedside glucose,158.0,158,mg/dL,mg/dL,435 +825045600,3348293,14065,3,MCHC,32.0,32,g/dL,%,14130 +824103166,3348293,3910,1,ionized calcium,4.4,4.4,mg/dL,mg/dL,3947 +827365643,3348293,1147,4,bedside glucose,172.0,172,mg/dL,mg/dL,1147 +822188836,3348293,3910,1,potassium,3.9,3.9,mmol/L,mmol/L,3960 +825211753,3348293,17158,3,MCHC,33.0,33,g/dL,%,17198 +823733897,3348293,12495,1,albumin,1.9,1.9,g/dL,g/dL,12556 +825211756,3348293,17158,3,MPV,9.9,9.9,fL,fL,17198 +822279374,3348293,6825,1,calcium,7.4,7.4,mg/dL,mg/dL,6868 +825211754,3348293,17158,3,RDW,15.4,15.4,%,%,17198 +825050738,3348293,12495,3,Hgb,9.9,9.9,g/dL,g/dL,12530 +824426585,3348293,-17,1,anion gap,5.0,5,,,21 +822279373,3348293,6825,1,glucose,123.0,123,mg/dL,mg/dL,6868 +825211755,3348293,17158,3,platelets x 1000,475.0,475,K/mcL,K/uL,17198 +823733903,3348293,12495,1,AST (SGOT),25.0,25,Units/L,IU/L,12556 +824426586,3348293,-17,1,sodium,129.0,129,mmol/L,mmol/L,21 +822188843,3348293,3910,1,anion gap,7.0,7,,,3960 +825211747,3348293,17158,3,WBC x 1000,10.0,10.0,K/mcL,K/uL,17198 +824342954,3348293,6825,1,sodium,131.0,131,mmol/L,mmol/L,6868 +824426587,3348293,-17,1,bicarbonate,27.0,27,mmol/L,mmol/L,21 +822188837,3348293,3910,1,chloride,101.0,101,mmol/L,mmol/L,3960 +825211752,3348293,17158,3,MCH,29.0,29,pg,pg,17198 +823733901,3348293,12495,1,total protein,4.9,4.9,g/dL,g/dL,12556 +824426588,3348293,-17,1,calcium,6.6,6.6,mg/dL,mg/dL,21 +822188835,3348293,3910,1,sodium,131.0,131,mmol/L,mmol/L,3960 +825211748,3348293,17158,3,RBC,3.37,3.37,M/mcL,M/uL,17198 +824464231,3348293,3910,3,MPV,10.5,10.5,fL,fL,3935 +824426591,3348293,-17,1,BUN,20.0,20,mg/dL,mg/dL,21 +822188849,3348293,3910,1,total protein,4.5,4.5,g/dL,g/dL,3960 +825211749,3348293,17158,3,Hgb,9.8,9.8,g/dL,g/dL,17198 +823733902,3348293,12495,1,ALT (SGPT),25.0,25,Units/L,IU/L,12556 +824426589,3348293,-17,1,glucose,136.0,136,mg/dL,mg/dL,21 +822279372,3348293,6825,1,creatinine,0.77,0.77,mg/dL,mg/dL,6868 +825211751,3348293,17158,3,MCV,88.0,88,fL,fL,17198 +824342955,3348293,6825,1,potassium,4.1,4.1,mmol/L,mmol/L,6868 +826848453,3348293,228,4,bedside glucose,127.0,127,mg/dL,mg/dL,228 +822188840,3348293,3910,1,creatinine,0.78,0.78,mg/dL,mg/dL,3960 +824426583,3348293,-17,1,potassium,3.6,3.6,mmol/L,mmol/L,21 +823733899,3348293,12495,1,direct bilirubin,0.6,0.6,mg/dL,mg/dL,12556 +823446252,3348293,2365,1,glucose,133.0,133,mg/dL,mg/dL,2420 +822188841,3348293,3910,1,glucose,126.0,126,mg/dL,mg/dL,3960 +827017003,3348293,3103,4,bedside glucose,160.0,160,mg/dL,mg/dL,3103 +825301875,3348293,6825,3,MPV,10.7,10.7,fL,fL,6843 +823446253,3348293,2365,1,chloride,100.0,100,mmol/L,mmol/L,2420 +822188848,3348293,3910,1,AST (SGOT),33.0,33,Units/L,IU/L,3960 +822265593,3348293,-17,1,magnesium,1.6,1.6,mg/dL,mg/dL,21 +823733898,3348293,12495,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,12556 +825740841,3348293,990,3,platelets x 1000,182.0,182,K/mcL,K/uL,1010 +822188847,3348293,3910,1,ALT (SGPT),25.0,25,Units/L,IU/L,3960 +823446251,3348293,2365,1,calcium,6.9,6.9,mg/dL,mg/dL,2420 +824342958,3348293,6825,1,BUN,21.0,21,mg/dL,mg/dL,6868 +825740839,3348293,990,3,MCH,28.0,28,pg,pg,1010 +822279375,3348293,6825,1,anion gap,7.0,7,,,6868 +826986189,3348293,4525,4,bedside glucose,148.0,148,mg/dL,mg/dL,4525 +823733900,3348293,12495,1,alkaline phos.,373.0,373,Units/L,IU/L,12556 +825740837,3348293,990,3,WBC x 1000,16.1,16.1,K/mcL,K/uL,1010 +822188838,3348293,3910,1,bicarbonate,23.0,23,mmol/L,mmol/L,3960 +823446249,3348293,2365,1,sodium,131.0,131,mmol/L,mmol/L,2420 +824371316,3348293,5740,1,potassium,4.2,4.2,mmol/L,mmol/L,5794 +825740836,3348293,990,3,Hgb,7.5,7.5,g/dL,g/dL,1010 +822188845,3348293,3910,1,total bilirubin,1.1,1.1,mg/dL,mg/dL,3960 +824426584,3348293,-17,1,creatinine,0.9,0.90,mg/dL,mg/dL,21 +824371323,3348293,5740,1,anion gap,6.0,6,,,5794 +825740840,3348293,990,3,MCHC,32.0,32,g/dL,%,1010 +822188839,3348293,3910,1,BUN,25.0,25,mg/dL,mg/dL,3960 +823446250,3348293,2365,1,bicarbonate,26.0,26,mmol/L,mmol/L,2420 +824371322,3348293,5740,1,calcium,7.1,7.1,mg/dL,mg/dL,5794 +825740838,3348293,990,3,RDW,15.1,15.1,%,%,1010 +822188842,3348293,3910,1,calcium,7.4,7.4,mg/dL,mg/dL,3960 +826971772,3348293,1678,4,bedside glucose,146.0,146,mg/dL,mg/dL,1678 +824371324,3348293,5740,1,sodium,130.0,130,mmol/L,mmol/L,5794 +825740833,3348293,990,3,RBC,2.68,2.68,M/mcL,M/uL,1010 +822188844,3348293,3910,1,albumin,1.7,1.7,g/dL,g/dL,3960 +823446247,3348293,2365,1,creatinine,0.85,0.85,mg/dL,mg/dL,2420 +824371320,3348293,5740,1,creatinine,0.75,0.75,mg/dL,mg/dL,5794 +825740832,3348293,990,3,MPV,10.1,10.1,fL,fL,1010 +822188846,3348293,3910,1,alkaline phos.,330.0,330,Units/L,IU/L,3960 +825211750,3348293,17158,3,Hct,30.0,30,%,%,17198 +824371321,3348293,5740,1,glucose,129.0,129,mg/dL,mg/dL,5794 +825740835,3348293,990,3,MCV,88.0,88,fL,fL,1010 +823067092,3348293,990,1,magnesium,1.7,1.7,mg/dL,mg/dL,1031 +823446246,3348293,2365,1,potassium,4.0,4.0,mmol/L,mmol/L,2420 +824371319,3348293,5740,1,BUN,21.0,21,mg/dL,mg/dL,5794 +825740834,3348293,990,3,Hct,24.0,24,%,%,1010 +823276787,3348293,990,1,phosphate,3.0,3.0,mg/dL,mg/dL,1031 +827100749,3348293,7439,4,bedside glucose,138.0,138,mg/dL,mg/dL,7439 +824371317,3348293,5740,1,chloride,98.0,98,mmol/L,mmol/L,5794 +822400291,3348293,14122,1,sodium,133.0,133,mmol/L,mmol/L,14156 +823281216,3348293,990,1,ionized calcium,4.4,4.4,mg/dL,mg/dL,1007 +823323166,3348293,2365,1,phosphate,3.0,3.0,mg/dL,mg/dL,2420 +827066397,3348293,16,4,bedside glucose,149.0,149,mg/dL,mg/dL,16 +822400295,3348293,14122,1,BUN,9.0,9,mg/dL,mg/dL,14156 +824371318,3348293,5740,1,bicarbonate,26.0,26,mmol/L,mmol/L,5794 +827072379,3348293,7702,4,bedside glucose,133.0,133,mg/dL,mg/dL,7702 +823104104,3348293,12495,1,phosphate,3.0,3.0,mg/dL,mg/dL,12556 +822400296,3348293,14122,1,creatinine,0.65,0.65,mg/dL,mg/dL,14156 +822699007,3348293,12495,1,anion gap,8.0,8,,,12556 +823446254,3348293,2365,1,BUN,23.0,23,mg/dL,mg/dL,2420 +826422354,3348293,-17,3,RBC,2.76,2.76,M/mcL,M/uL,-3 +822400299,3348293,14122,1,anion gap,9.0,9,,,14156 +822657185,3348293,990,1,lactate,0.9,0.9,mmol/L,mmol/L,1021 +824426590,3348293,-17,1,chloride,96.0,96,mmol/L,mmol/L,21 +826422355,3348293,-17,3,Hct,24.0,24,%,%,-3 +822400297,3348293,14122,1,glucose,81.0,81,mg/dL,mg/dL,14156 +822699006,3348293,12495,1,calcium,7.3,7.3,mg/dL,mg/dL,12556 +823446248,3348293,2365,1,anion gap,5.0,5,,,2420 +826422353,3348293,-17,3,MPV,10.0,10.0,fL,fL,-3 +822400292,3348293,14122,1,potassium,3.4,3.4,mmol/L,mmol/L,14156 +822699002,3348293,12495,1,bicarbonate,27.0,27,mmol/L,mmol/L,12556 +827021599,3348293,1973,4,bedside glucose,149.0,149,mg/dL,mg/dL,1973 +826422361,3348293,-17,3,MCHC,32.0,32,g/dL,%,-3 +822400293,3348293,14122,1,chloride,97.0,97,mmol/L,mmol/L,14156 +822699003,3348293,12495,1,BUN,11.0,11,mg/dL,mg/dL,12556 +823567963,3348293,-17,1,phosphate,2.7,2.7,mg/dL,mg/dL,21 +826422360,3348293,-17,3,MCH,28.0,28,pg,pg,-3 +822400298,3348293,14122,1,calcium,6.9,6.9,mg/dL,mg/dL,14156 +822699001,3348293,12495,1,chloride,97.0,97,mmol/L,mmol/L,12556 +827182214,3348293,5999,4,bedside glucose,130.0,130,mg/dL,mg/dL,5999 +826422362,3348293,-17,3,platelets x 1000,163.0,163,K/mcL,K/uL,-3 +822400294,3348293,14122,1,bicarbonate,26.0,26,mmol/L,mmol/L,14156 +822699004,3348293,12495,1,creatinine,0.71,0.71,mg/dL,mg/dL,12556 +827512389,3348293,4826,4,bedside glucose,132.0,132,mg/dL,mg/dL,4826 +826422357,3348293,-17,3,Hgb,7.7,7.7,g/dL,g/dL,-3 +823956601,3348293,2365,1,ionized calcium,4.4,4.4,mg/dL,mg/dL,2400 +822699005,3348293,12495,1,glucose,92.0,92,mg/dL,mg/dL,12556 +827172054,3348293,3367,4,bedside glucose,169.0,169,mg/dL,mg/dL,3367 +826422358,3348293,-17,3,WBC x 1000,16.4,16.4,K/mcL,K/uL,-3 +823463316,3348293,14645,1,potassium,3.7,3.7,mmol/L,mmol/L,14685 +822698999,3348293,12495,1,sodium,132.0,132,mmol/L,mmol/L,12556 +827457731,3348293,5170,4,urinary specific gravity,1.011,1.011,,,5207 +826422359,3348293,-17,3,RDW,15.2,15.2,%,%,-3 +827529027,3348293,6256,4,bedside glucose,133.0,133,mg/dL,mg/dL,6256 +822620783,3348293,12495,1,magnesium,1.7,1.7,mg/dL,mg/dL,12556 +823876184,3348293,2365,1,magnesium,1.8,1.8,mg/dL,mg/dL,2420 +826422356,3348293,-17,3,MCV,88.0,88,fL,fL,-3 +827457732,3348293,5170,4,WBC's in urine,,<5,,/HPF,5207 +822699000,3348293,12495,1,potassium,3.5,3.5,mmol/L,mmol/L,12556 +380352747,1588896,5175,3,-lymphs,6.9,6.9,%,%,5175 +380352746,1588896,5175,3,-polys,83.7,83.7,%,%,5175 +380352748,1588896,5175,3,-monos,7.9,7.9,%,%,5175 +380352741,1588896,5175,3,MCH,30.4,30.4,pg,pg,5175 +380352742,1588896,5175,3,MCHC,32.4,32.4,g/dL,g/dL,5175 +380352743,1588896,5175,3,platelets x 1000,185.0,185,K/mcL,10(3)mcL,5175 +380352744,1588896,5175,3,RDW,14.1,14.1,%,%,5175 +380352749,1588896,5175,3,-eos,1.3,1.3,%,%,5175 +380352740,1588896,5175,3,MCV,94.0,94.0,fL,fL,5175 +380352745,1588896,5175,3,MPV,12.4,12.4,fL,fL,5175 +380352739,1588896,5175,3,Hct,40.8,40.8,%,%,5175 +380468009,1588896,2339,3,-eos,0.2,0.2,%,%,2339 +380352738,1588896,5175,3,Hgb,13.2,13.2,g/dL,g/dL,5175 +380468010,1588896,2339,3,-basos,0.1,0.1,%,%,2339 +380352750,1588896,5175,3,-basos,0.2,0.2,%,%,5175 +380468006,1588896,2339,3,-polys,86.7,86.7,%,%,2339 +377608026,1588896,5175,1,AST (SGOT),31.0,31,Units/L,U/L,5175 +380468002,1588896,2339,3,MCHC,32.9,32.9,g/dL,g/dL,2339 +377608024,1588896,5175,1,calcium,9.5,9.5,mg/dL,mg/dL,5175 +380468003,1588896,2339,3,platelets x 1000,145.0,145,K/mcL,10(3)mcL,2339 +377608025,1588896,5175,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,5175 +380468004,1588896,2339,3,RDW,13.9,13.9,%,%,2339 +377608027,1588896,5175,1,ALT (SGPT),26.0,26,Units/L,U/L,5175 +380468001,1588896,2339,3,MCH,30.8,30.8,pg,pg,2339 +375658576,1588896,773,1,calcium,8.7,8.7,mg/dL,mg/dL,773 +377608023,1588896,5175,1,albumin,3.4,3.4,g/dL,g/dL,5175 +375658577,1588896,773,1,ALT (SGPT),23.0,23,Units/L,U/L,773 +380468005,1588896,2339,3,MPV,12.2,12.2,fL,fL,2339 +375658574,1588896,773,1,bicarbonate,29.0,29,mmol/L,mmol/L,773 +377608022,1588896,5175,1,total protein,6.4,6.4,g/dL,g/dL,5175 +375981735,1588896,3968,1,creatinine,1.47,1.47,mg/dL,mg/dL,3968 +380468007,1588896,2339,3,-lymphs,5.0,5.0,%,%,2339 +375658575,1588896,773,1,total protein,6.2,6.2,g/dL,g/dL,773 +377608028,1588896,5175,1,alkaline phos.,84.0,84,Units/L,U/L,5175 +375981733,1588896,3968,1,glucose,89.0,89,mg/dL,mg/dL,3968 +380468000,1588896,2339,3,MCV,93.5,93.5,fL,fL,2339 +375658578,1588896,773,1,glucose,79.0,79,mg/dL,mg/dL,773 +377608018,1588896,5175,1,anion gap,14.0,14.0,,mmol/L,5175 +375981730,1588896,3968,1,chloride,97.0,97,mmol/L,mmol/L,3968 +380467996,1588896,2339,3,WBC x 1000,17.52,17.52,K/mcL,10(3)/mcL,2339 +375658571,1588896,773,1,sodium,139.0,139,mmol/L,mmol/L,773 +377608019,1588896,5175,1,glucose,95.0,95,mg/dL,mg/dL,5175 +375981729,1588896,3968,1,potassium,4.4,4.4,mmol/L,mmol/L,3968 +380467997,1588896,2339,3,RBC,4.16,4.16,M/mcL,10(6)/mcL,2339 +375658572,1588896,773,1,magnesium,2.1,2.1,mg/dL,mg/dL,773 +377608021,1588896,5175,1,creatinine,1.62,1.62,mg/dL,mg/dL,5175 +375981731,1588896,3968,1,bicarbonate,31.0,31,mmol/L,mmol/L,3968 +380467998,1588896,2339,3,Hgb,12.8,12.8,g/dL,g/dL,2339 +375658565,1588896,773,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,773 +377608020,1588896,5175,1,BUN,52.0,52,mg/dL,mg/dL,5175 +375981732,1588896,3968,1,anion gap,8.0,8.0,,mmol/L,3968 +380468008,1588896,2339,3,-monos,8.0,8.0,%,%,2339 +375658568,1588896,773,1,alkaline phos.,73.0,73,Units/L,U/L,773 +377608015,1588896,5175,1,potassium,3.6,3.6,mmol/L,mmol/L,5175 +375981741,1588896,3968,1,ALT (SGPT),17.0,17,Units/L,U/L,3968 +380352737,1588896,5175,3,RBC,4.34,4.34,M/mcL,10(6)/mcL,5175 +375658570,1588896,773,1,AST (SGOT),18.0,18,Units/L,U/L,773 +377608014,1588896,5175,1,sodium,141.0,141,mmol/L,mmol/L,5175 +375981742,1588896,3968,1,alkaline phos.,72.0,72,Units/L,U/L,3968 +380467999,1588896,2339,3,Hct,38.9,38.9,%,%,2339 +375658573,1588896,773,1,albumin,3.2,3.2,g/dL,g/dL,773 +377608016,1588896,5175,1,chloride,95.0,95,mmol/L,mmol/L,5175 +375981736,1588896,3968,1,total protein,7.1,7.1,g/dL,g/dL,3968 +380352736,1588896,5175,3,WBC x 1000,14.37,14.37,K/mcL,10(3)/mcL,5175 +375658579,1588896,773,1,chloride,102.0,102,mmol/L,mmol/L,773 +377608017,1588896,5175,1,bicarbonate,32.0,32,mmol/L,mmol/L,5175 +382568542,1588896,3857,4,bedside glucose,108.0,108,mg/dL,mg/dL,3857 +375981728,1588896,3968,1,sodium,136.0,136,mmol/L,mmol/L,3968 +377318063,1588896,2339,1,creatinine,1.56,1.56,mg/dL,mg/dL,2339 +375914756,1588896,8,1,chloride,102.0,102,mmol/L,mmol/L,8 +377318061,1588896,2339,1,glucose,131.0,131,mg/dL,mg/dL,2339 +375658566,1588896,773,1,potassium,4.9,4.9,mmol/L,mmol/L,773 +377318067,1588896,2339,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,2339 +375914754,1588896,8,1,calcium,8.8,8.8,mg/dL,mg/dL,8 +377318058,1588896,2339,1,chloride,98.0,98,mmol/L,mmol/L,2339 +375981734,1588896,3968,1,BUN,49.0,49,mg/dL,mg/dL,3968 +377318060,1588896,2339,1,anion gap,13.0,13.0,,mmol/L,2339 +375914753,1588896,8,1,bicarbonate,24.0,24,mmol/L,mmol/L,8 +377318068,1588896,2339,1,AST (SGOT),20.0,20,Units/L,U/L,2339 +382289877,1588896,1524,4,bedside glucose,117.0,117,mg/dL,mg/dL,1524 +377318057,1588896,2339,1,potassium,4.6,4.6,mmol/L,mmol/L,2339 +375914755,1588896,8,1,glucose,175.0,175,mg/dL,mg/dL,8 +377318059,1588896,2339,1,bicarbonate,26.0,26,mmol/L,mmol/L,2339 +375981740,1588896,3968,1,AST (SGOT),32.0,32,Units/L,U/L,3968 +377318062,1588896,2339,1,BUN,41.0,41,mg/dL,mg/dL,2339 +375914757,1588896,8,1,BUN,42.0,42,mg/dL,mg/dL,8 +377318064,1588896,2339,1,total protein,6.1,6.1,g/dL,g/dL,2339 +375658567,1588896,773,1,creatinine,1.45,1.45,mg/dL,mg/dL,773 +377318070,1588896,2339,1,alkaline phos.,66.0,66,Units/L,U/L,2339 +375914750,1588896,8,1,creatinine,1.52,1.52,mg/dL,mg/dL,8 +377318065,1588896,2339,1,albumin,3.4,3.4,g/dL,g/dL,2339 +375981738,1588896,3968,1,calcium,9.1,9.1,mg/dL,mg/dL,3968 +378329517,1588896,8,3,platelets x 1000,173.0,173,K/mcL,10(3)mcL,8 +375914751,1588896,8,1,anion gap,13.0,13.0,,mmol/L,8 +377318069,1588896,2339,1,ALT (SGPT),19.0,19,Units/L,U/L,2339 +382579086,1588896,8,4,bedside glucose,176.0,176,mg/dL,mg/dL,8 +378329515,1588896,8,3,Hct,40.9,40.9,%,%,8 +375914749,1588896,8,1,potassium,5.4,5.4,mmol/L,mmol/L,8 +377318056,1588896,2339,1,sodium,137.0,137,mmol/L,mmol/L,2339 +375981739,1588896,3968,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,3968 +378329516,1588896,8,3,Hgb,13.2,13.2,g/dL,g/dL,8 +382439308,1588896,1337,4,bedside glucose,95.0,95,mg/dL,mg/dL,1337 +377318066,1588896,2339,1,calcium,9.1,9.1,mg/dL,mg/dL,2339 +375658580,1588896,773,1,BUN,37.0,37,mg/dL,mg/dL,773 +379533963,1588896,773,3,MCV,93.8,93.8,fL,fL,773 +381909110,1588896,1051,4,bedside glucose,99.0,99,mg/dL,mg/dL,1051 +380579070,1588896,3968,3,WBC x 1000,15.94,15.94,K/mcL,10(3)/mcL,3968 +375914752,1588896,8,1,sodium,139.0,139,mmol/L,mmol/L,8 +379533956,1588896,773,3,MPV,12.0,12.0,fL,fL,773 +382433053,1588896,872,4,bedside glucose,86.0,86,mg/dL,mg/dL,872 +380579071,1588896,3968,3,RBC,4.17,4.17,M/mcL,10(6)/mcL,3968 +382035612,1588896,994,4,bedside glucose,101.0,101,mg/dL,mg/dL,994 +379533961,1588896,773,3,Hct,37.7,37.7,%,%,773 +382219888,1588896,2807,4,urinary specific gravity,1.015,1.015,,,2807 +380579077,1588896,3968,3,platelets x 1000,165.0,165,K/mcL,10(3)mcL,3968 +382496362,1588896,632,4,bedside glucose,123.0,123,mg/dL,mg/dL,632 +379533962,1588896,773,3,-eos,0.9,0.9,%,%,773 +382237834,1588896,1222,4,bedside glucose,128.0,128,mg/dL,mg/dL,1222 +380579072,1588896,3968,3,Hgb,12.9,12.9,g/dL,g/dL,3968 +382030779,1588896,85,4,bedside glucose,164.0,164,mg/dL,mg/dL,85 +379533970,1588896,773,3,platelets x 1000,173.0,173,K/mcL,10(3)mcL,773 +382026225,1588896,2696,4,bedside glucose,91.0,91,mg/dL,mg/dL,2696 +380579073,1588896,3968,3,Hct,39.4,39.4,%,%,3968 +382412086,1588896,684,4,bedside glucose,94.0,94,mg/dL,mg/dL,684 +379533965,1588896,773,3,WBC x 1000,14.4,14.40,K/mcL,10(3)/mcL,773 +382122712,1588896,4110,4,bedside glucose,168.0,168,mg/dL,mg/dL,4110 +380579074,1588896,3968,3,MCV,94.5,94.5,fL,fL,3968 +381943720,1588896,1613,4,bedside glucose,132.0,132,mg/dL,mg/dL,1613 +379533966,1588896,773,3,RDW,13.9,13.9,%,%,773 +382039936,1588896,803,4,bedside glucose,104.0,104,mg/dL,mg/dL,803 +380579075,1588896,3968,3,MCH,30.9,30.9,pg,pg,3968 +381915823,1588896,5267,4,bedside glucose,119.0,119,mg/dL,mg/dL,5267 +379533969,1588896,773,3,MCHC,32.6,32.6,g/dL,g/dL,773 +382547244,1588896,1845,4,bedside glucose,131.0,131,mg/dL,mg/dL,1845 +380579084,1588896,3968,3,-basos,0.1,0.1,%,%,3968 +386829499,1588896,38,7,paO2,112.0,112,mm Hg,mmHg,38 +379533964,1588896,773,3,Hgb,12.3,12.3,g/dL,g/dL,773 +382292630,1588896,1285,4,bedside glucose,90.0,90,mg/dL,mg/dL,1285 +380579083,1588896,3968,3,-eos,0.3,0.3,%,%,3968 +375658569,1588896,773,1,anion gap,8.0,8.0,,mmol/L,773 +379533957,1588896,773,3,-lymphs,9.1,9.1,%,%,773 +382463582,1588896,3298,4,bedside glucose,86.0,86,mg/dL,mg/dL,3298 +380579082,1588896,3968,3,-monos,8.6,8.6,%,%,3968 +386829498,1588896,38,7,HCO3,24.4,24.4,mmol/L,mmol/L,38 +379533958,1588896,773,3,RBC,4.02,4.02,M/mcL,10(6)/mcL,773 +382175758,1588896,1104,4,bedside glucose,126.0,126,mg/dL,mg/dL,1104 +387046978,1588896,128,7,HCO3,23.7,23.7,mmol/L,mmol/L,128 +381998332,1588896,259,4,bedside glucose,132.0,132,mg/dL,mg/dL,259 +380579081,1588896,3968,3,-lymphs,4.3,4.3,%,%,3968 +382078847,1588896,749,4,bedside glucose,84.0,84,mg/dL,mg/dL,749 +387046979,1588896,128,7,paO2,117.0,117,mm Hg,mmHg,128 +386829500,1588896,38,7,paCO2,52.0,52,mm Hg,mmHg,38 +379533959,1588896,773,3,-basos,0.2,0.2,%,%,773 +382459448,1588896,4713,4,bedside glucose,173.0,173,mg/dL,mg/dL,4713 +387046980,1588896,128,7,paCO2,44.0,44,mm Hg,mmHg,128 +382514857,1588896,925,4,bedside glucose,107.0,107,mg/dL,mg/dL,925 +380579079,1588896,3968,3,MPV,12.5,12.5,fL,fL,3968 +382037550,1588896,1161,4,bedside glucose,101.0,101,mg/dL,mg/dL,1161 +387046985,1588896,128,7,FiO2,50.0,50,%,%,196 +386829505,1588896,38,7,FiO2,50.0,50,%,%,196 +379533967,1588896,773,3,MCH,30.6,30.6,pg,pg,773 +382632599,1588896,569,4,bedside glucose,134.0,134,mg/dL,mg/dL,569 +387046981,1588896,128,7,pH,7.34,7.34,,,128 +381923534,1588896,4436,4,bedside glucose,99.0,99,mg/dL,mg/dL,4436 +380579080,1588896,3968,3,-polys,86.7,86.7,%,%,3968 +382403706,1588896,384,4,bedside glucose,190.0,190,mg/dL,mg/dL,384 +382430866,1588896,147,4,bedside glucose,157.0,157,mg/dL,mg/dL,147 +386829501,1588896,38,7,pH,7.28,7.28,,,38 +379533968,1588896,773,3,-monos,7.2,7.2,%,%,773 +382416855,1588896,4003,4,urinary specific gravity,1.015,1.015,,,4003 +387046984,1588896,128,7,Base Excess,-2.2,-2.2,mEq/L,,128 +382298671,1588896,332,4,bedside glucose,122.0,122,mg/dL,mg/dL,332 +380579078,1588896,3968,3,RDW,14.1,14.1,%,%,3968 +382326919,1588896,485,4,bedside glucose,127.0,127,mg/dL,mg/dL,485 +382435794,1588896,203,4,bedside glucose,145.0,145,mg/dL,mg/dL,203 +386829504,1588896,38,7,Base Excess,-3.0,-3.0,mEq/L,,38 +379533960,1588896,773,3,-polys,82.6,82.6,%,%,773 +382223470,1588896,450,4,bedside glucose,129.0,129,mg/dL,mg/dL,450 +387046983,1588896,128,7,O2 Sat (%),96.0,96,%,%,128 +375981737,1588896,3968,1,albumin,3.8,3.8,g/dL,g/dL,3968 +380579076,1588896,3968,3,MCHC,32.7,32.7,g/dL,g/dL,3968 +382405623,1588896,5554,4,bedside glucose,140.0,140,mg/dL,mg/dL,5554 +382452892,1588896,3006,4,bedside glucose,106.0,106,mg/dL,mg/dL,3006 +386829503,1588896,38,7,O2 Sat (%),95.0,95,%,%,38 +382287040,1588896,2447,4,bedside glucose,139.0,139,mg/dL,mg/dL,2447 +168314217,887140,-3629,3,Hgb,11.4,11.4,g/dL,g/dL,-3595 +168314218,887140,-3629,3,WBC x 1000,7.8,7.8,K/mcL,K/MM3,-3595 +168314216,887140,-3629,3,MCV,99.0,99,fL,fL,-3595 +168314219,887140,-3629,3,MCH,33.6,33.6,pg,pg,-3595 +144798409,887140,562,1,sodium,144.0,144,mmol/L,mmol/L,605 +168314215,887140,-3629,3,Hct,33.7,33.7,%,%,-3595 +144798408,887140,562,1,AST (SGOT),47.0,47,Units/L,IU/L,605 +168314220,887140,-3629,3,MCHC,33.8,33.8,g/dL,g/dL,-3595 +144798410,887140,562,1,albumin,2.8,2.8,g/dL,g/dL,605 +171027518,887140,-5103,3,-monos,16.0,16,%,%,-5083 +144798411,887140,562,1,bicarbonate,26.0,26,mmol/L,mmol/L,605 +168314221,887140,-3629,3,platelets x 1000,422.0,422,K/mcL,K/MM3,-3595 +144798407,887140,562,1,anion gap,8.0,8,,,605 +171357380,887140,-2213,3,-lymphs,45.0,45,%,%,-2186 +144798406,887140,562,1,alkaline phos.,74.0,74,Units/L,IU/L,605 +171027516,887140,-5103,3,-lymphs,42.0,42,%,%,-5083 +144798412,887140,562,1,total protein,5.9,5.9,g/dL,g/dL,605 +168314214,887140,-3629,3,RBC,3.39,3.39,M/mcL,M/MM3,-3595 +144798415,887140,562,1,glucose,134.0,134,mg/dL,mg/dL,605 +185325765,887140,562,3,MPV,10.1,10.1,fL,fL,594 +144798416,887140,562,1,chloride,110.0,110,mmol/L,mmol/L,605 +171357382,887140,-2213,3,-monos,16.0,16,%,%,-2186 +172883064,887140,-2213,3,Hgb,11.6,11.6,g/dL,g/dL,-2186 +144798404,887140,562,1,potassium,4.0,4.0,mmol/L,mmol/L,605 +173064967,887140,-5103,3,Hct,35.6,35.6,%,%,-5083 +185325768,887140,562,3,MCV,95.0,95,fL,fL,594 +173064965,887140,-5103,3,MPV,9.6,9.6,fL,fL,-5083 +144798413,887140,562,1,calcium,7.8,7.8,mg/dL,mg/dL,605 +173064966,887140,-5103,3,RBC,3.65,3.65,M/mcL,M/MM3,-5083 +171027517,887140,-5103,3,-polys,41.0,41,%,%,-5083 +172883067,887140,-2213,3,MCHC,34.2,34.2,g/dL,g/dL,-2186 +144798414,887140,562,1,ALT (SGPT),67.0,67,Units/L,IU/L,605 +172883063,887140,-2213,3,MCV,101.0,101,fL,fL,-2186 +221200659,887140,319,7,O2 Sat (%),98.0,98,%,%,319 +172883065,887140,-2213,3,WBC x 1000,7.5,7.5,K/mcL,K/MM3,-2186 +185325766,887140,562,3,RBC,3.92,3.92,M/mcL,M/MM3,594 +173064968,887140,-5103,3,MCV,98.0,98,fL,fL,-5083 +144798417,887140,562,1,BUN,9.0,9,mg/dL,mg/dL,605 +173087439,887140,-758,3,-lymphs,46.0,46,%,%,-698 +221200656,887140,319,7,paO2,106.0,106,mm Hg,mmHg,319 +172883060,887140,-2213,3,MPV,9.7,9.7,fL,fL,-2186 +168314213,887140,-3629,3,MPV,9.8,9.8,fL,fL,-3595 +139874312,887140,-758,1,calcium,8.8,8.8,mg/dL,mg/dL,-688 +144798405,887140,562,1,creatinine,0.64,0.64,mg/dL,mg/dL,605 +173064970,887140,-5103,3,WBC x 1000,7.8,7.8,K/mcL,K/MM3,-5083 +221200657,887140,319,7,paCO2,42.0,42,mm Hg,mmHg,319 +139874311,887140,-758,1,total protein,7.1,7.1,g/dL,g/dL,-688 +188632058,887140,378,4,bedside glucose,131.0,131,mg/dL,mg/dL,378 +172883062,887140,-2213,3,Hct,33.9,33.9,%,%,-2186 +144910700,887140,562,1,magnesium,1.3,1.3,mg/dL,mg/dL,603 +139874302,887140,-758,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,-688 +221200658,887140,319,7,pH,7.41,7.41,,,319 +172883068,887140,-2213,3,platelets x 1000,411.0,411,K/mcL,K/MM3,-2186 +185325767,887140,562,3,Hct,37.3,37.3,%,%,594 +139874316,887140,-758,1,BUN,7.0,7,mg/dL,mg/dL,-688 +144798403,887140,562,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,605 +172883061,887140,-2213,3,RBC,3.37,3.37,M/mcL,M/MM3,-2186 +152000635,887140,-758,1,phosphate,4.6,4.6,mg/dL,mg/dL,-688 +139874310,887140,-758,1,bicarbonate,23.0,23,mmol/L,mmol/L,-688 +171357381,887140,-2213,3,-polys,38.0,38,%,%,-2186 +141212910,887140,1987,1,albumin,2.6,2.6,g/dL,g/dL,2043 +141572492,887140,319,1,sodium,143.0,143,mmol/L,mmol/L,319 +173064972,887140,-5103,3,MCHC,34.3,34.3,g/dL,g/dL,-5083 +147887497,887140,562,1,phosphate,4.6,4.6,mg/dL,mg/dL,603 +157013586,887140,-5753,1,glucose,96.0,96,mg/dL,mg/dL,-5712 +141572493,887140,319,1,glucose,132.0,132,mg/dL,mg/dL,319 +139874313,887140,-758,1,ALT (SGPT),67.0,67,Units/L,IU/L,-688 +143862353,887140,-2213,1,creatinine,0.55,0.55,mg/dL,mg/dL,-2174 +141212912,887140,1987,1,total protein,5.9,5.9,g/dL,g/dL,2043 +221200655,887140,319,7,HCO3,26.0,26,mmol/L,mmol/L,319 +173064971,887140,-5103,3,MCH,33.4,33.4,pg,pg,-5083 +143862352,887140,-2213,1,potassium,4.0,4.0,mmol/L,mmol/L,-2174 +157013584,887140,-5753,1,calcium,9.1,9.1,mg/dL,mg/dL,-5712 +153302723,887140,-5103,1,magnesium,1.2,1.2,mg/dL,mg/dL,-5064 +139874314,887140,-758,1,glucose,97.0,97,mg/dL,mg/dL,-688 +143862364,887140,-2213,1,chloride,105.0,105,mmol/L,mmol/L,-2174 +141212911,887140,1987,1,bicarbonate,25.0,25,mmol/L,mmol/L,2043 +141572491,887140,319,1,potassium,4.1,4.1,mmol/L,mmol/L,319 +173087440,887140,-758,3,-basos,0.0,0,%,%,-698 +143862351,887140,-2213,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-2174 +157013582,887140,-5753,1,bicarbonate,29.0,29,mmol/L,mmol/L,-5712 +176364811,887140,322,3,MCHC,34.8,34.8,g/dL,g/dL,361 +139874315,887140,-758,1,chloride,105.0,105,mmol/L,mmol/L,-688 +143862365,887140,-2213,1,BUN,7.0,7,mg/dL,mg/dL,-2174 +141212903,887140,1987,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,2043 +153012397,887140,-5103,1,ALT (SGPT),83.0,83,Units/L,IU/L,-5062 +173064973,887140,-5103,3,platelets x 1000,491.0,491,K/mcL,K/MM3,-5083 +143862354,887140,-2213,1,alkaline phos.,133.0,133,Units/L,IU/L,-2174 +157013583,887140,-5753,1,total protein,8.0,8.0,g/dL,g/dL,-5712 +176364812,887140,322,3,platelets x 1000,318.0,318,K/mcL,K/MM3,361 +139874306,887140,-758,1,anion gap,9.0,9,,,-688 +143862362,887140,-2213,1,ALT (SGPT),66.0,66,Units/L,IU/L,-2174 +141212908,887140,1987,1,AST (SGOT),29.0,29,Units/L,IU/L,2043 +153012393,887140,-5103,1,albumin,3.7,3.7,g/dL,g/dL,-5062 +173064969,887140,-5103,3,Hgb,12.2,12.2,g/dL,g/dL,-5083 +143862363,887140,-2213,1,glucose,104.0,104,mg/dL,mg/dL,-2174 +157013579,887140,-5753,1,AST (SGOT),61.0,61,Units/L,IU/L,-5712 +176364809,887140,322,3,WBC x 1000,11.3,11.3,K/mcL,K/MM3,361 +139874304,887140,-758,1,creatinine,0.51,0.51,mg/dL,mg/dL,-688 +143862357,887140,-2213,1,sodium,136.0,136,mmol/L,mmol/L,-2174 +157718309,887140,-3629,1,alkaline phos.,129.0,129,Units/L,IU/L,-3584 +153012398,887140,-5103,1,glucose,88.0,88,mg/dL,mg/dL,-5062 +141212909,887140,1987,1,sodium,139.0,139,mmol/L,mmol/L,2043 +143862358,887140,-2213,1,albumin,3.4,3.4,g/dL,g/dL,-2174 +173087441,887140,-758,3,-polys,38.0,38,%,%,-698 +176364810,887140,322,3,MCH,32.7,32.7,pg,pg,361 +157718310,887140,-3629,1,anion gap,6.0,6,,,-3584 +143862356,887140,-2213,1,AST (SGOT),37.0,37,Units/L,IU/L,-2174 +157013588,887140,-5753,1,BUN,15.0,15,mg/dL,mg/dL,-5712 +153012396,887140,-5103,1,calcium,8.3,8.3,mg/dL,mg/dL,-5062 +139874305,887140,-758,1,alkaline phos.,125.0,125,Units/L,IU/L,-687 +224551709,887140,135,7,pH,7.53,7.53,,,135 +157718311,887140,-3629,1,AST (SGOT),31.0,31,Units/L,IU/L,-3584 +171991380,887140,562,3,MCH,32.9,32.9,pg,pg,594 +141212915,887140,1987,1,glucose,87.0,87,mg/dL,mg/dL,2043 +176364806,887140,322,3,Hct,39.7,39.7,%,%,361 +173087442,887140,-758,3,-monos,16.0,16,%,%,-698 +143862361,887140,-2213,1,calcium,8.2,8.2,mg/dL,mg/dL,-2174 +157718312,887140,-3629,1,sodium,136.0,136,mmol/L,mmol/L,-3584 +171991381,887140,562,3,MCHC,34.6,34.6,g/dL,g/dL,594 +157013587,887140,-5753,1,chloride,99.0,99,mmol/L,mmol/L,-5712 +153012394,887140,-5103,1,bicarbonate,23.0,23,mmol/L,mmol/L,-5062 +139874307,887140,-758,1,AST (SGOT),37.0,37,Units/L,IU/L,-688 +224551708,887140,135,7,paCO2,33.0,33,mm Hg,mmHg,135 +157718306,887140,-3629,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-3584 +171991382,887140,562,3,platelets x 1000,297.0,297,K/mcL,K/MM3,594 +141212907,887140,1987,1,anion gap,8.0,8,,,2043 +156505790,887140,-5,1,glucose,136.0,136,mg/dL,mg/dL,-5 +165594281,887140,-3003,2,Vancomycin - trough,5.1,5.1,mcg/mL,ug/mL,-2960 +143862359,887140,-2213,1,bicarbonate,27.0,27,mmol/L,mmol/L,-2174 +157718308,887140,-3629,1,creatinine,0.42,0.42,mg/dL,mg/dL,-3584 +171991379,887140,562,3,WBC x 1000,10.4,10.4,K/mcL,K/MM3,594 +157013577,887140,-5753,1,alkaline phos.,168.0,168,Units/L,IU/L,-5712 +153012399,887140,-5103,1,chloride,102.0,102,mmol/L,mmol/L,-5062 +139874308,887140,-758,1,sodium,137.0,137,mmol/L,mmol/L,-688 +224551710,887140,135,7,O2 Sat (%),99.0,99,%,%,135 +157718314,887140,-3629,1,bicarbonate,25.0,25,mmol/L,mmol/L,-3584 +176597611,887140,562,3,-polys,76.0,76,%,%,594 +141212913,887140,1987,1,calcium,8.3,8.3,mg/dL,mg/dL,2043 +176364804,887140,322,3,MPV,9.8,9.8,fL,fL,361 +172883066,887140,-2213,3,MCH,34.4,34.4,pg,pg,-2186 +143862360,887140,-2213,1,total protein,6.9,6.9,g/dL,g/dL,-2174 +157718307,887140,-3629,1,potassium,4.3,4.3,mmol/L,mmol/L,-3584 +171991378,887140,562,3,Hgb,12.9,12.9,g/dL,g/dL,594 +157013580,887140,-5753,1,sodium,134.0,134,mmol/L,mmol/L,-5712 +153012390,887140,-5103,1,anion gap,9.0,9,,,-5062 +139874303,887140,-758,1,potassium,4.0,4.0,mmol/L,mmol/L,-688 +224551706,887140,135,7,HCO3,28.0,28,mmol/L,mmol/L,135 +157718313,887140,-3629,1,albumin,3.4,3.4,g/dL,g/dL,-3584 +176597612,887140,562,3,-monos,12.0,12,%,%,594 +141212906,887140,1987,1,alkaline phos.,62.0,62,Units/L,IU/L,2043 +156505788,887140,-5,1,potassium,3.2,3.2,mmol/L,mmol/L,-5 +166137374,887140,319,3,Hct,40.0,40.0,%,%,319 +143862355,887140,-2213,1,anion gap,4.0,4,,,-2174 +157718316,887140,-3629,1,calcium,8.0,8.0,mg/dL,mg/dL,-3584 +165594279,887140,1402,2,Vancomycin - trough,11.3,11.3,mcg/mL,ug/mL,1446 +157013578,887140,-5753,1,anion gap,6.0,6,,,-5712 +153012388,887140,-5103,1,creatinine,0.58,0.58,mg/dL,mg/dL,-5062 +140088740,887140,-2213,1,phosphate,3.4,3.4,mg/dL,mg/dL,-2174 +224551707,887140,135,7,paO2,103.0,103,mm Hg,mmHg,135 +157718317,887140,-3629,1,ALT (SGPT),65.0,65,Units/L,IU/L,-3584 +165594280,887140,-1492,2,Vancomycin - trough,11.3,11.3,mcg/mL,ug/mL,-1446 +141212914,887140,1987,1,ALT (SGPT),44.0,44,Units/L,IU/L,2043 +176364805,887140,322,3,RBC,4.22,4.22,M/mcL,M/MM3,361 +151017044,887140,1987,1,phosphate,2.9,2.9,mg/dL,mg/dL,2043 +153546526,887140,135,1,glucose,154.0,154,mg/dL,mg/dL,135 +157718319,887140,-3629,1,chloride,105.0,105,mmol/L,mmol/L,-3584 +153012391,887140,-5103,1,AST (SGOT),42.0,42,Units/L,IU/L,-5062 +157013576,887140,-5753,1,creatinine,0.61,0.61,mg/dL,mg/dL,-5712 +153546525,887140,135,1,sodium,143.0,143,mmol/L,mmol/L,135 +186654282,887140,562,3,-lymphs,12.0,12,%,%,594 +156505789,887140,-5,1,sodium,142.0,142,mmol/L,mmol/L,-5 +157718320,887140,-3629,1,BUN,9.0,9,mg/dL,mg/dL,-3584 +153546524,887140,135,1,potassium,4.2,4.2,mmol/L,mmol/L,135 +141212916,887140,1987,1,chloride,106.0,106,mmol/L,mmol/L,2043 +153012389,887140,-5103,1,alkaline phos.,141.0,141,Units/L,IU/L,-5064 +139874309,887140,-758,1,albumin,3.6,3.6,g/dL,g/dL,-688 +190784987,887140,2099,4,bedside glucose,78.0,78,mg/dL,mg/dL,2099 +157718318,887140,-3629,1,glucose,94.0,94,mg/dL,mg/dL,-3584 +157013585,887140,-5753,1,ALT (SGPT),106.0,106,Units/L,IU/L,-5712 +190554702,887140,698,4,bedside glucose,139.0,139,mg/dL,mg/dL,698 +166137375,887140,319,3,Hgb,13.6,13.6,g/dL,g/dL,319 +153012400,887140,-5103,1,BUN,14.0,14,mg/dL,mg/dL,-5062 +164872028,887140,-3629,1,magnesium,1.6,1.6,mg/dL,mg/dL,-3577 +158631756,887140,-758,1,magnesium,1.4,1.4,mg/dL,mg/dL,-688 +141212904,887140,1987,1,potassium,3.5,3.5,mmol/L,mmol/L,2043 +185533256,887140,-8,3,PT - INR,1.1,1.1,ratio,,36 +189982340,887140,198,4,bedside glucose,156.0,156,mg/dL,mg/dL,198 +225399497,887140,-5,7,paO2,150.0,150,mm Hg,mmHg,-5 +157718315,887140,-3629,1,total protein,6.1,6.1,g/dL,g/dL,-3584 +153012395,887140,-5103,1,total protein,6.6,6.6,g/dL,g/dL,-5062 +157013574,887140,-5753,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-5712 +225399499,887140,-5,7,pH,7.48,7.48,,,-5 +166336755,887140,1987,3,-monos,15.0,15,%,%,2113 +189354515,887140,1863,4,bedside glucose,100.0,100,mg/dL,mg/dL,1863 +141212917,887140,1987,1,BUN,11.0,11,mg/dL,mg/dL,2043 +225399498,887140,-5,7,paCO2,36.0,36,mm Hg,mmHg,-5 +166336754,887140,1987,3,-polys,71.0,71,%,%,2113 +153012392,887140,-5103,1,sodium,134.0,134,mmol/L,mmol/L,-5062 +157013575,887140,-5753,1,potassium,3.9,3.9,mmol/L,mmol/L,-5712 +177676088,887140,135,3,Hct,39.0,39.0,%,%,135 +166336753,887140,1987,3,-lymphs,14.0,14,%,%,2113 +176364808,887140,322,3,Hgb,13.8,13.8,g/dL,g/dL,361 +141212905,887140,1987,1,creatinine,0.61,0.61,mg/dL,mg/dL,2043 +225399500,887140,-5,7,O2 Sat (%),99.0,99,%,%,-5 +142097241,887140,-4501,1,magnesium,2.8,2.8,mg/dL,mg/dL,-4479 +153012387,887140,-5103,1,potassium,4.1,4.1,mmol/L,mmol/L,-5062 +157013581,887140,-5753,1,albumin,4.3,4.3,g/dL,g/dL,-5712 +177676089,887140,135,3,Hgb,13.3,13.3,g/dL,g/dL,135 +166842441,887140,-5753,3,ESR,32.0,32,mm/hr,mm/hr,-5703 +185533255,887140,-8,3,PT,14.1,14.1,sec,second(s),36 +182428111,887140,-758,3,MCV,100.0,100,fL,fL,-698 +156876051,887140,-5103,1,phosphate,4.4,4.4,mg/dL,mg/dL,-5064 +225399496,887140,-5,7,HCO3,27.0,27,mmol/L,mmol/L,-5 +182428112,887140,-758,3,Hgb,11.6,11.6,g/dL,g/dL,-698 +179510560,887140,-5753,3,WBC x 1000,9.6,9.6,K/mcL,K/MM3,-5733 +182428108,887140,-758,3,MPV,10.1,10.1,fL,fL,-698 +176382850,887140,1987,3,WBC x 1000,12.4,12.4,K/mcL,K/MM3,2022 +182428113,887140,-758,3,WBC x 1000,6.3,6.3,K/mcL,K/MM3,-698 +179510556,887140,-5753,3,RBC,4.09,4.09,M/mcL,M/MM3,-5733 +182428109,887140,-758,3,RBC,3.41,3.41,M/mcL,M/MM3,-698 +176382851,887140,1987,3,MCH,32.9,32.9,pg,pg,2022 +182428115,887140,-758,3,MCHC,34.0,34.0,g/dL,g/dL,-698 +179510561,887140,-5753,3,MCH,34.2,34.2,pg,pg,-5733 +182428116,887140,-758,3,platelets x 1000,405.0,405,K/mcL,K/MM3,-698 +176382853,887140,1987,3,platelets x 1000,259.0,259,K/mcL,K/MM3,2022 +182428110,887140,-758,3,Hct,34.1,34.1,%,%,-698 +179510559,887140,-5753,3,Hgb,14.0,14.0,g/dL,g/dL,-5733 +164272305,887140,-5103,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-5062 +176382845,887140,1987,3,MPV,10.1,10.1,fL,fL,2022 +164125670,887140,-2213,1,magnesium,1.5,1.5,mg/dL,mg/dL,-2174 +179510557,887140,-5753,3,Hct,40.0,40.0,%,%,-5733 +182428114,887140,-758,3,MCH,34.0,34.0,pg,pg,-698 +176382846,887140,1987,3,RBC,3.46,3.46,M/mcL,M/MM3,2022 +180779921,887140,-3629,3,-monos,15.0,15,%,%,-3595 +176865503,887140,-5753,3,-polys,50.0,50,%,%,-5733 +180779919,887140,-3629,3,-basos,0.0,0,%,%,-3595 +179510562,887140,-5753,3,MCHC,35.0,35.0,g/dL,g/dL,-5733 +180779920,887140,-3629,3,-polys,44.0,44,%,%,-3595 +176382847,887140,1987,3,Hct,33.3,33.3,%,%,2022 +141502390,887140,1987,1,magnesium,1.2,1.2,mg/dL,mg/dL,2043 +176865504,887140,-5753,3,-monos,13.0,13,%,%,-5733 +180171698,887140,-5,3,Hgb,12.2,12.2,g/dL,g/dL,-5 +179510563,887140,-5753,3,platelets x 1000,586.0,586,K/mcL,K/MM3,-5733 +148887963,887140,-8,1,phosphate,3.4,3.4,mg/dL,mg/dL,23 +176382848,887140,1987,3,MCV,96.0,96,fL,fL,2022 +180779918,887140,-3629,3,-lymphs,41.0,41,%,%,-3595 +176865502,887140,-5753,3,-basos,0.0,0,%,%,-5733 +156028522,887140,-1782,1,magnesium,2.2,2.2,mg/dL,mg/dL,-1744 +179510555,887140,-5753,3,MPV,9.7,9.7,fL,fL,-5733 +180171697,887140,-5,3,Hct,36.0,36.0,%,%,-5 +176382849,887140,1987,3,Hgb,11.4,11.4,g/dL,g/dL,2022 +150672932,887140,-8,1,magnesium,1.6,1.6,mg/dL,mg/dL,23 +176865501,887140,-5753,3,-lymphs,37.0,37,%,%,-5733 +148901766,887140,-3629,1,phosphate,3.6,3.6,mg/dL,mg/dL,-3584 +179510558,887140,-5753,3,MCV,98.0,98,fL,fL,-5733 +223797515,887140,12,7,FiO2,40.0,40,%,%,13 +176382852,887140,1987,3,MCHC,34.2,34.2,g/dL,g/dL,2022 +176364807,887140,322,3,MCV,94.0,94,fL,fL,361 +51462934,217838,-298,3,Hct,42.4,42.4,%,%,-254 +51462936,217838,-298,3,MCH,32.6,32.6,pg,pg,-254 +51462935,217838,-298,3,MCV,99.3,99.3,fL,fl,-254 +51462932,217838,-298,3,RBC,4.27,4.27,M/mcL,mil/mcL,-254 +66790979,217838,-261,7,pH,7.33,7.33,,Units,-246 +51462933,217838,-298,3,Hgb,13.9,13.9,g/dL,g/dL,-254 +66790984,217838,-261,7,Total CO2,31.0,31,,mmol/L,-246 +51462937,217838,-298,3,MCHC,32.8,32.8,g/dL,g/dL,-254 +66790981,217838,-261,7,paO2,67.0,67,mm Hg,mm Hg,-246 +51462931,217838,-298,3,WBC x 1000,8.6,8.6,K/mcL,K/mcL,-254 +66790980,217838,-261,7,paCO2,55.0,55,mm Hg,mm Hg,-246 +51462939,217838,-298,3,platelets x 1000,227.0,227,K/mcL,K/mcL,-254 +66790983,217838,-261,7,HCO3,29.0,29,mmol/L,mmol/L,-246 +57391796,217838,-16,4,bedside glucose,225.0,225,mg/dL,mg/dL,11 +66790982,217838,-261,7,Base Excess,2.0,2,mEq/L,mmol/L,-246 +51462938,217838,-298,3,RDW,13.1,13.1,%,%,-254 +48109006,217838,-298,1,potassium,4.5,4.5,mmol/L,mmol/L,-243 +66790985,217838,-261,7,O2 Sat (%),91.0,91,%,%,-246 +251454172,1058166,5244,1,BUN,40.0,40,mg/dL,mg/dL,5325 +254178873,1058166,6709,3,RDW,16.4,16.4,%,%,6775 +251454173,1058166,5244,1,creatinine,9.28,9.28,mg/dL,mg/dL,5325 +254178874,1058166,6709,3,Hct,24.1,24.1,%,%,6775 +251454180,1058166,5244,1,anion gap,11.0,11,,mmol/L,5325 +254178880,1058166,6709,3,RBC,2.72,2.72,M/mcL,10E6/mcL,6775 +251454178,1058166,5244,1,sodium,131.0,131,mmol/L,mmol/L,5325 +258398928,1058166,19,7,Carboxyhemoglobin,1.0,1.0,%,%,25 +254178881,1058166,6709,3,MCHC,32.0,32.0,g/dL,gm/dL,6775 +258530395,1058166,-58,7,HCO3,22.4,22.4,mmol/L,mmol/L,-58 +251454179,1058166,5244,1,bicarbonate,23.0,23,mmol/L,mmol/L,5325 +258530402,1058166,-58,7,Carboxyhemoglobin,2.0,2.0,%,%,-58 +254178872,1058166,6709,3,Hgb,7.7,7.7,g/dL,gm/dL,6775 +258558955,1058166,19,7,FiO2,0.7,0.70,%,,25 +251454174,1058166,5244,1,calcium,7.2,7.2,mg/dL,mg/dL,5325 +258530401,1058166,-58,7,pH,7.35,7.35,,,-58 +254178877,1058166,6709,3,WBC x 1000,7.0,7.0,K/mcL,10E3/mcL,6775 +258558948,1058166,19,7,pH,7.26,7.26,,,25 +251454175,1058166,5244,1,chloride,97.0,97,mmol/L,mmol/L,5325 +258558951,1058166,19,7,paO2,102.0,102,mm Hg,mmHg,25 +254178878,1058166,6709,3,MCH,28.3,28.3,pg,pg,6775 +258558952,1058166,19,7,HCO3,23.3,23.3,mmol/L,mmol/L,25 +251454176,1058166,5244,1,potassium,3.8,3.8,mmol/L,mmol/L,5325 +258530400,1058166,-58,7,paCO2,40.0,40,mm Hg,mmHg,-58 +254178876,1058166,6709,3,platelets x 1000,138.0,138,K/mcL,10E3/mcL,6775 +258558953,1058166,19,7,Oxyhemoglobin,95.1,95.1,%,%,25 +255008951,1058166,-11036,3,PT,13.9,13.9,sec,second(s),-10996 +258558946,1058166,19,7,Base Excess,-3.8,-3.8,mEq/L,mmol/L,25 +254178879,1058166,6709,3,MPV,9.5,9.5,fL,fL,6775 +258558947,1058166,19,7,O2 Content,12.0,12,mls/dL,vol %,25 +251454177,1058166,5244,1,glucose,124.0,124,mg/dL,mg/dL,5325 +258530396,1058166,-58,7,paO2,454.0,454,mm Hg,mmHg,-58 +254178875,1058166,6709,3,MCV,88.6,88.6,fL,fL,6775 +258530397,1058166,-58,7,Methemoglobin,1.9,1.9,%,%,-58 +254877009,1058166,-11036,3,PTT,30.2,30.2,sec,second(s),-10951 +258530398,1058166,-58,7,Base Excess,-3.3,-3.3,mEq/L,mmol/L,-58 +254135278,1058166,3816,3,PT - INR,1.03,1.03,ratio,,3873 +253903385,1058166,-56,3,platelets x 1000,113.0,113,K/mcL,10E3/mcL,24 +258558956,1058166,19,7,paCO2,53.0,53,mm Hg,mmHg,25 +251802381,1058166,-11036,1,magnesium,2.1,2.1,mg/dL,mg/dL,-10994 +253903386,1058166,-56,3,Hgb,6.3,6.3,g/dL,gm/dL,24 +258530399,1058166,-58,7,O2 Sat (%),95.8,95.8,%,%,-58 +254135279,1058166,3816,3,PT,10.8,10.8,sec,second(s),3873 +253903387,1058166,-56,3,MCH,28.9,28.9,pg,pg,24 +258558954,1058166,19,7,O2 Sat (%),96.8,96.8,%,%,25 +255008950,1058166,-11036,3,PT - INR,1.32,1.32,ratio,,-10996 +253903390,1058166,-56,3,MCHC,33.0,33.0,g/dL,gm/dL,24 +252348317,1058166,-193,1,sodium,129.0,129,mmol/L,mmol/L,-193 +253903392,1058166,-56,3,RDW,14.9,14.9,%,%,24 +252348314,1058166,-193,1,chloride,100.0,100,mmol/L,mmol/L,-193 +253903391,1058166,-56,3,Hct,19.1,19.1,%,%,24 +252348316,1058166,-193,1,glucose,100.0,100,mg/dL,mg/dL,-193 +254462935,1058166,-58,3,Hct,21.0,21,%,%,-58 +252348315,1058166,-193,1,potassium,5.8,5.8,mmol/L,mmol/L,-193 +253903394,1058166,-56,3,MCV,87.6,87.6,fL,fL,24 +258789969,1058166,-226,7,Base Excess,-3.4,-3.4,mEq/L,mmol/L,-226 +254509318,1058166,2985,3,Hgb,8.0,8.0,g/dL,gm/dL,3033 +252260146,1058166,-128,1,potassium,5.5,5.5,mmol/L,mmol/L,-128 +253903389,1058166,-56,3,WBC x 1000,5.2,5.2,K/mcL,10E3/mcL,24 +253802967,1058166,5244,3,Hct,21.2,21.2,%,%,5311 +254259081,1058166,-56,3,fibrinogen,215.0,215,mg/dL,mg/dL,42 +258789971,1058166,-226,7,paO2,439.0,439,mm Hg,mmHg,-226 +253903393,1058166,-56,3,RBC,2.18,2.18,M/mcL,10E6/mcL,24 +253802968,1058166,5244,3,MCV,88.0,88.0,fL,fL,5311 +254462936,1058166,-58,3,Hgb,8.7,8.7,g/dL,gm/dL,-58 +252260147,1058166,-128,1,sodium,138.0,138,mmol/L,mmol/L,-128 +253903388,1058166,-56,3,MPV,8.6,8.6,fL,fL,24 +253802969,1058166,5244,3,platelets x 1000,137.0,137,K/mcL,10E3/mcL,5311 +254875778,1058166,34,3,platelets x 1000,197.0,197,K/mcL,10E3/mcL,75 +258789970,1058166,-226,7,O2 Sat (%),95.5,95.5,%,%,-226 +254538303,1058166,-56,3,PTT,30.6,30.6,sec,second(s),42 +253802970,1058166,5244,3,WBC x 1000,5.0,5.0,K/mcL,10E3/mcL,5311 +254875776,1058166,34,3,RDW,15.2,15.2,%,%,69 +252260143,1058166,-128,1,lactate,1.0,1.0,mmol/L,mmol/L,-128 +252454864,1058166,3816,1,creatinine,8.82,8.82,mg/dL,mg/dL,3871 +254531098,1058166,19,3,Hgb,9.2,9.2,g/dL,gm/dL,25 +252454865,1058166,3816,1,potassium,3.9,3.9,mmol/L,mmol/L,3871 +253802963,1058166,5244,3,RBC,2.41,2.41,M/mcL,10E6/mcL,5311 +252454863,1058166,3816,1,sodium,134.0,134,mmol/L,mmol/L,3871 +254875777,1058166,34,3,MCH,28.9,28.9,pg,pg,69 +252454857,1058166,3816,1,glucose,102.0,102,mg/dL,mg/dL,3871 +252806539,1058166,-7741,1,glucose,112.0,112,mg/dL,mg/dL,-7698 +252454858,1058166,3816,1,chloride,99.0,99,mmol/L,mmol/L,3871 +258789973,1058166,-226,7,Carboxyhemoglobin,1.8,1.8,%,%,-226 +252454860,1058166,3816,1,bicarbonate,23.0,23,mmol/L,mmol/L,3871 +252806540,1058166,-7741,1,chloride,96.0,96,mmol/L,mmol/L,-7698 +252454861,1058166,3816,1,calcium,7.4,7.4,mg/dL,mg/dL,3871 +253493532,1058166,19,1,glucose,118.0,118,mg/dL,mg/dL,25 +252203864,1058166,6709,1,bicarbonate,21.0,21,mmol/L,mmol/L,6794 +252721872,1058166,-3386,1,creatinine,9.44,9.44,mg/dL,mg/dL,-3281 +252454862,1058166,3816,1,BUN,35.0,35,mg/dL,mg/dL,3871 +253802964,1058166,5244,3,MCHC,33.0,33.0,g/dL,gm/dL,5311 +252203865,1058166,6709,1,calcium,7.4,7.4,mg/dL,mg/dL,6794 +252739653,1058166,-6265,1,chloride,93.0,93,mmol/L,mmol/L,-6226 +252418773,1058166,6709,1,magnesium,2.2,2.2,mg/dL,mg/dL,6794 +254875775,1058166,34,3,Hgb,8.6,8.6,g/dL,gm/dL,69 +252203863,1058166,6709,1,anion gap,13.0,13,,mmol/L,6794 +252721873,1058166,-3386,1,potassium,4.8,4.8,mmol/L,mmol/L,-3281 +252203861,1058166,6709,1,glucose,109.0,109,mg/dL,mg/dL,6794 +253478300,1058166,-264,1,potassium,4.7,4.7,mmol/L,mmol/L,-264 +252260144,1058166,-128,1,glucose,98.0,98,mg/dL,mg/dL,-128 +252297061,1058166,-11036,1,phosphate,4.5,4.5,mg/dL,mg/dL,-10994 +253478303,1058166,-264,1,chloride,102.0,102,mmol/L,mmol/L,-264 +252739654,1058166,-6265,1,sodium,128.0,128,mmol/L,mmol/L,-6226 +252203862,1058166,6709,1,chloride,96.0,96,mmol/L,mmol/L,6794 +253478302,1058166,-264,1,sodium,131.0,131,mmol/L,mmol/L,-264 +253352071,1058166,-11,1,potassium,5.6,5.6,mmol/L,mmol/L,129 +252454859,1058166,3816,1,anion gap,12.0,12,,mmol/L,3871 +253478301,1058166,-264,1,glucose,95.0,95,mg/dL,mg/dL,-264 +252806535,1058166,-7741,1,BUN,14.0,14,mg/dL,mg/dL,-7698 +252808649,1058166,-264,1,lactate,0.5,0.5,mmol/L,mmol/L,-264 +253802962,1058166,5244,3,MPV,9.5,9.5,fL,fL,5311 +252808648,1058166,-264,1,ionized calcium,4.24,1.06,mg/dL,mmol/L,-264 +252721868,1058166,-3386,1,bicarbonate,23.0,23,mmol/L,mmol/L,-3281 +258474102,1058166,-337,7,O2 Sat (%),95.0,95.0,%,%,-337 +254875779,1058166,34,3,MPV,8.9,8.9,fL,fL,75 +258474101,1058166,-337,7,pH,7.4,7.40,,,-337 +252721869,1058166,-3386,1,calcium,8.1,8.1,mg/dL,mg/dL,-3281 +258474099,1058166,-337,7,paO2,511.0,511,mm Hg,mmHg,-337 +258789974,1058166,-226,7,HCO3,22.3,22.3,mmol/L,mmol/L,-226 +258474104,1058166,-337,7,HCO3,24.5,24.5,mmol/L,mmol/L,-337 +252721870,1058166,-3386,1,BUN,38.0,38,mg/dL,mg/dL,-3281 +258685886,1058166,-264,7,paCO2,36.0,36,mm Hg,mmHg,-264 +253054947,1058166,-97,1,chloride,112.0,112,mmol/L,mmol/L,-97 +258685884,1058166,-264,7,Carboxyhemoglobin,2.0,2.0,%,%,-264 +252739656,1058166,-6265,1,bicarbonate,24.0,24,mmol/L,mmol/L,-6226 +258685881,1058166,-264,7,Methemoglobin,2.7,2.7,%,%,-264 +253802965,1058166,5244,3,Hgb,7.0,7.0,g/dL,gm/dL,5311 +258474103,1058166,-337,7,Base Excess,-0.5,-0.5,mEq/L,mmol/L,-337 +252806537,1058166,-7741,1,creatinine,5.54,5.54,mg/dL,mg/dL,-7698 +258685887,1058166,-264,7,paO2,,>531,mm Hg,mmHg,-264 +254875774,1058166,34,3,MCV,88.6,88.6,fL,fL,69 +258685880,1058166,-264,7,pH,7.41,7.41,,,-264 +252721871,1058166,-3386,1,sodium,130.0,130,mmol/L,mmol/L,-3281 +258685882,1058166,-264,7,HCO3,23.7,23.7,mmol/L,mmol/L,-264 +252260145,1058166,-128,1,ionized calcium,3.2,0.80,mg/dL,mmol/L,-128 +258685883,1058166,-264,7,O2 Sat (%),94.7,94.7,%,%,-264 +252806538,1058166,-7741,1,potassium,3.9,3.9,mmol/L,mmol/L,-7698 +255197632,1058166,3816,3,RBC,2.57,2.57,M/mcL,10E6/mcL,3851 +258474098,1058166,-337,7,Carboxyhemoglobin,2.2,2.2,%,%,-337 +255197633,1058166,3816,3,MCHC,32.0,32.0,g/dL,gm/dL,3851 +253054946,1058166,-97,1,potassium,5.0,5.0,mmol/L,mmol/L,-97 +258523776,1058166,-193,7,HCO3,22.2,22.2,mmol/L,mmol/L,-193 +258474105,1058166,-337,7,paCO2,39.0,39,mm Hg,mmHg,-337 +255197631,1058166,3816,3,MPV,9.0,9.0,fL,fL,3851 +252806536,1058166,-7741,1,sodium,132.0,132,mmol/L,mmol/L,-7698 +258523774,1058166,-193,7,Base Excess,-3.5,-3.5,mEq/L,mmol/L,-193 +254327834,1058166,-337,3,Hct,27.0,27,%,%,-337 +255197629,1058166,3816,3,WBC x 1000,5.6,5.6,K/mcL,10E3/mcL,3851 +253802961,1058166,5244,3,MCH,29.0,29.0,pg,pg,5311 +258523775,1058166,-193,7,paCO2,36.0,36,mm Hg,mmHg,-193 +258685885,1058166,-264,7,Base Excess,-1.6,-1.6,mEq/L,mmol/L,-264 +255197630,1058166,3816,3,MCH,28.0,28.0,pg,pg,3851 +252721867,1058166,-3386,1,anion gap,12.0,12,,mmol/L,-3281 +251585698,1058166,-4841,1,glucose,93.0,93,mg/dL,mg/dL,-4747 +254327833,1058166,-337,3,Hgb,9.6,9.6,g/dL,gm/dL,-337 +258523772,1058166,-193,7,paO2,433.0,433,mm Hg,mmHg,-193 +255055279,1058166,-97,3,Hct,,<18,%,%,-97 +251588738,1058166,-7741,1,magnesium,1.9,1.9,mg/dL,mg/dL,-7698 +258474100,1058166,-337,7,Methemoglobin,2.2,2.2,%,%,-337 +255197628,1058166,3816,3,platelets x 1000,137.0,137,K/mcL,10E3/mcL,3851 +252613988,1058166,-521,1,anion gap,10.0,10,,mmol/L,-464 +251585695,1058166,-4841,1,calcium,7.5,7.5,mg/dL,mg/dL,-4747 +251485200,1058166,19,1,potassium,5.5,5.5,mmol/L,mmol/L,25 +258523773,1058166,-193,7,Methemoglobin,1.2,1.2,%,%,-193 +258789968,1058166,-226,7,Methemoglobin,2.2,2.2,%,%,-226 +251585706,1058166,-4841,1,albumin,1.7,1.7,g/dL,gm/dL,-4747 +255707324,1058166,-8706,4,bedside glucose,114.0,114,mg/dL,mg/dL,-8706 +255157560,1058166,-11036,3,MCHC,34.5,34.5,g/dL,gm/dL,-11011 +252721866,1058166,-3386,1,chloride,95.0,95,mmol/L,mmol/L,-3281 +251585696,1058166,-4841,1,sodium,130.0,130,mmol/L,mmol/L,-4747 +251481216,1058166,19,1,lactate,1.03,1.03,mmol/L,mmol/L,25 +258523769,1058166,-193,7,pH,7.38,7.38,,,-193 +253054945,1058166,-97,1,glucose,93.0,93,mg/dL,mg/dL,-97 +251585702,1058166,-4841,1,anion gap,9.0,9,,mmol/L,-4747 +258359549,1058166,-161,7,Carboxyhemoglobin,2.0,2.0,%,%,-161 +255197626,1058166,3816,3,Hct,22.5,22.5,%,%,3851 +252721865,1058166,-3386,1,glucose,90.0,90,mg/dL,mg/dL,-3281 +251585700,1058166,-4841,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,-4747 +258359547,1058166,-161,7,Methemoglobin,2.0,2.0,%,%,-161 +258523770,1058166,-193,7,O2 Sat (%),97.0,97.0,%,%,-193 +253606095,1058166,6709,1,sodium,130.0,130,mmol/L,mmol/L,6794 +251585692,1058166,-4841,1,AST (SGOT),41.0,41,Units/L,unit/L,-4747 +255199739,1058166,-181,3,platelets x 1000,88.0,88,K/mcL,10E3/mcL,-100 +255157554,1058166,-11036,3,platelets x 1000,233.0,233,K/mcL,10E3/mcL,-11011 +252613989,1058166,-521,1,potassium,4.7,4.7,mmol/L,mmol/L,-464 +254878545,1058166,-4841,3,Hgb,7.7,7.7,g/dL,gm/dL,-4770 +254373195,1058166,-128,3,Hct,,<18,%,%,-128 +258492798,1058166,-128,7,paO2,224.0,224,mm Hg,mmHg,-128 +254875770,1058166,34,3,WBC x 1000,15.2,15.2,K/mcL,10E3/mcL,69 +255198875,1058166,-6265,3,MCV,86.6,86.6,fL,fL,-6228 +258359554,1058166,-161,7,pH,7.44,7.44,,,-161 +255157555,1058166,-11036,3,RBC,3.13,3.13,M/mcL,10E6/mcL,-11011 +252806534,1058166,-7741,1,calcium,7.2,7.2,mg/dL,mg/dL,-7698 +251585704,1058166,-4841,1,total protein,7.4,7.4,g/dL,gm/dL,-4747 +255199740,1058166,-181,3,MPV,8.4,8.4,fL,fL,-100 +258492799,1058166,-128,7,Carboxyhemoglobin,2.4,2.4,%,%,-128 +252348313,1058166,-193,1,ionized calcium,3.64,0.91,mg/dL,mmol/L,-193 +254878544,1058166,-4841,3,MCHC,32.4,32.4,g/dL,gm/dL,-4770 +253646423,1058166,-2533,3,Hgb,9.3,9.3,g/dL,gm/dL,-2516 +255157553,1058166,-11036,3,MCH,29.1,29.1,pg,pg,-11011 +252613987,1058166,-521,1,creatinine,9.65,9.65,mg/dL,mg/dL,-464 +253987458,1058166,-7741,3,WBC x 1000,6.3,6.3,K/mcL,10E3/mcL,-7721 +258761187,1058166,420,7,Methemoglobin,0.2,0.2,%,%,425 +255198874,1058166,-6265,3,Hct,22.7,22.7,%,%,-6228 +253054944,1058166,-97,1,ionized calcium,3.88,0.97,mg/dL,mmol/L,-97 +258492797,1058166,-128,7,pH,7.34,7.34,,,-128 +254447726,1058166,-193,3,Hct,19.0,19,%,%,-193 +253987465,1058166,-7741,3,MCHC,32.2,32.2,g/dL,gm/dL,-7721 +252995025,1058166,-11036,1,ALT (SGPT),37.0,37,Units/L,unit/L,-10994 +251585693,1058166,-4841,1,bicarbonate,26.0,26,mmol/L,mmol/L,-4747 +253646424,1058166,-2533,3,RDW,14.7,14.7,%,%,-2516 +255157552,1058166,-11036,3,WBC x 1000,9.4,9.4,K/mcL,10E3/mcL,-11011 +252739657,1058166,-6265,1,creatinine,7.98,7.98,mg/dL,mg/dL,-6226 +253849754,1058166,-3386,3,MCH,28.5,28.5,pg,pg,-3303 +258838602,1058166,420,7,paO2,305.0,305,mm Hg,mmHg,425 +254878539,1058166,-4841,3,platelets x 1000,260.0,260,K/mcL,10E3/mcL,-4770 +253802966,1058166,5244,3,RDW,16.1,16.1,%,%,5311 +258492800,1058166,-128,7,Base Excess,-0.4,-0.4,mEq/L,mmol/L,-128 +258359550,1058166,-161,7,Base Excess,4.0,4.0,mEq/L,mmol/L,-161 +253849751,1058166,-3386,3,MCV,87.1,87.1,fL,fL,-3303 +252995026,1058166,-11036,1,total protein,6.8,6.8,g/dL,gm/dL,-10994 +255198876,1058166,-6265,3,platelets x 1000,260.0,260,K/mcL,10E3/mcL,-6228 +253646426,1058166,-2533,3,MCV,87.5,87.5,fL,fL,-2516 +255157556,1058166,-11036,3,RDW,14.8,14.8,%,%,-11011 +252613984,1058166,-521,1,calcium,8.2,8.2,mg/dL,mg/dL,-464 +253849755,1058166,-3386,3,MPV,8.4,8.4,fL,fL,-3303 +258838603,1058166,420,7,pH,7.32,7.32,,,425 +251585705,1058166,-4841,1,ALT (SGPT),36.0,36,Units/L,unit/L,-4747 +254875771,1058166,34,3,Hct,26.4,26.4,%,%,69 +251882732,1058166,-161,1,chloride,107.0,107,mmol/L,mmol/L,-161 +255095127,1058166,-226,3,Hgb,7.9,7.9,g/dL,gm/dL,-226 +253849752,1058166,-3386,3,RBC,2.49,2.49,M/mcL,10E6/mcL,-3303 +252995028,1058166,-11036,1,albumin,1.7,1.7,g/dL,gm/dL,-10994 +254878540,1058166,-4841,3,WBC x 1000,6.6,6.6,K/mcL,10E3/mcL,-4770 +253646427,1058166,-2533,3,platelets x 1000,218.0,218,K/mcL,10E3/mcL,-2516 +255157557,1058166,-11036,3,Hgb,9.1,9.1,g/dL,gm/dL,-11011 +252739658,1058166,-6265,1,potassium,4.3,4.3,mmol/L,mmol/L,-6226 +253140080,1058166,789,1,sodium,136.0,136,mmol/L,mmol/L,883 +258838605,1058166,420,7,Oxyhemoglobin,99.2,99.2,%,%,425 +255198871,1058166,-6265,3,MCHC,32.6,32.6,g/dL,gm/dL,-6228 +258789967,1058166,-226,7,pH,7.39,7.39,,,-226 +258492801,1058166,-128,7,O2 Sat (%),95.6,95.6,%,%,-128 +254373194,1058166,-128,3,Hgb,7.2,7.2,g/dL,gm/dL,-128 +253987456,1058166,-7741,3,Hct,24.2,24.2,%,%,-7721 +253031285,1058166,5244,1,magnesium,2.2,2.2,mg/dL,mg/dL,5326 +251585701,1058166,-4841,1,potassium,4.6,4.6,mmol/L,mmol/L,-4747 +253646429,1058166,-2533,3,MCH,29.2,29.2,pg,pg,-2516 +255197624,1058166,3816,3,Hgb,7.2,7.2,g/dL,gm/dL,3851 +252806532,1058166,-7741,1,anion gap,7.0,7,,mmol/L,-7698 +253140072,1058166,789,1,creatinine,4.92,4.92,mg/dL,mg/dL,883 +258838608,1058166,420,7,FiO2,1.0,1.00,%,,425 +254878538,1058166,-4841,3,MCV,86.9,86.9,fL,fL,-4770 +253054949,1058166,-97,1,lactate,0.6,0.6,mmol/L,mmol/L,-97 +251882733,1058166,-161,1,potassium,5.2,5.2,mmol/L,mmol/L,-161 +258359552,1058166,-161,7,paO2,348.0,348,mm Hg,mmHg,-161 +253849753,1058166,-3386,3,platelets x 1000,250.0,250,K/mcL,10E3/mcL,-3303 +252995018,1058166,-11036,1,glucose,183.0,183,mg/dL,mg/dL,-10998 +255198870,1058166,-6265,3,RBC,2.62,2.62,M/mcL,10E6/mcL,-6228 +253646430,1058166,-2533,3,MPV,8.6,8.6,fL,fL,-2516 +258773297,1058166,-97,7,Methemoglobin,1.6,1.6,%,%,-97 +252739661,1058166,-6265,1,calcium,7.8,7.8,mg/dL,mg/dL,-6226 +253140077,1058166,789,1,bicarbonate,23.0,23,mmol/L,mmol/L,883 +258838606,1058166,420,7,Base Excess,-5.3,-5.3,mEq/L,mmol/L,425 +251585703,1058166,-4841,1,alkaline phos.,85.0,85,Units/L,unit/L,-4747 +253606096,1058166,6709,1,creatinine,10.87,10.87,mg/dL,mg/dL,6794 +255157551,1058166,-11036,3,MPV,8.7,8.7,fL,fL,-11011 +255095126,1058166,-226,3,Hct,19.0,19,%,%,-226 +253849748,1058166,-3386,3,Hgb,7.1,7.1,g/dL,gm/dL,-3303 +252995027,1058166,-11036,1,AST (SGOT),50.0,50,Units/L,unit/L,-10994 +254878541,1058166,-4841,3,MCH,28.1,28.1,pg,pg,-4770 +253646428,1058166,-2533,3,WBC x 1000,5.9,5.9,K/mcL,10E3/mcL,-2516 +258492795,1058166,-128,7,paCO2,47.0,47,mm Hg,mmHg,-128 +252806533,1058166,-7741,1,bicarbonate,29.0,29,mmol/L,mmol/L,-7698 +253102409,1058166,-226,1,glucose,106.0,106,mg/dL,mg/dL,-226 +258838599,1058166,420,7,HCO3,20.4,20.4,mmol/L,mmol/L,425 +255198872,1058166,-6265,3,Hgb,7.4,7.4,g/dL,gm/dL,-6228 +254875772,1058166,34,3,RBC,2.98,2.98,M/mcL,10E6/mcL,69 +258773294,1058166,-97,7,paO2,474.0,474,mm Hg,mmHg,-97 +254447725,1058166,-193,3,Hgb,7.8,7.8,g/dL,gm/dL,-193 +253849750,1058166,-3386,3,WBC x 1000,6.9,6.9,K/mcL,10E3/mcL,-3303 +252995022,1058166,-11036,1,potassium,3.0,3.0,mmol/L,mmol/L,-10998 +251585694,1058166,-4841,1,creatinine,6.96,6.96,mg/dL,mg/dL,-4747 +253646431,1058166,-2533,3,RBC,3.19,3.19,M/mcL,10E6/mcL,-2516 +255157558,1058166,-11036,3,Hct,26.4,26.4,%,%,-11011 +252877791,1058166,-6265,1,magnesium,2.1,2.1,mg/dL,mg/dL,-6225 +253140078,1058166,789,1,calcium,7.1,7.1,mg/dL,mg/dL,883 +258838607,1058166,420,7,O2 Sat (%),99.7,99.7,%,%,425 +254878542,1058166,-4841,3,MPV,8.7,8.7,fL,fL,-4770 +252348312,1058166,-193,1,lactate,0.7,0.7,mmol/L,mmol/L,-193 +251882734,1058166,-161,1,glucose,103.0,103,mg/dL,mg/dL,-161 +258359553,1058166,-161,7,O2 Sat (%),95.6,95.6,%,%,-161 +253849749,1058166,-3386,3,Hct,21.7,21.7,%,%,-3303 +252995023,1058166,-11036,1,total bilirubin,1.4,1.4,mg/dL,mg/dL,-10994 +251925693,1058166,-10501,1,creatinine,6.38,6.38,mg/dL,mg/dL,-10453 +253646425,1058166,-2533,3,Hct,27.9,27.9,%,%,-2516 +255198869,1058166,-6265,3,MPV,8.7,8.7,fL,fL,-6228 +252613982,1058166,-521,1,bicarbonate,23.0,23,mmol/L,mmol/L,-464 +251816097,1058166,-1891,1,BUN,26.0,26,mg/dL,mg/dL,-1796 +258838598,1058166,420,7,paCO2,41.0,41,mm Hg,mmHg,425 +258773298,1058166,-97,7,HCO3,22.9,22.9,mmol/L,mmol/L,-97 +253054948,1058166,-97,1,sodium,137.0,137,mmol/L,mmol/L,-97 +251925695,1058166,-10501,1,glucose,127.0,127,mg/dL,mg/dL,-10453 +255811826,1058166,162,4,bedside glucose,116.0,116,mg/dL,mg/dL,162 +253102410,1058166,-226,1,ionized calcium,4.0,1.00,mg/dL,mmol/L,-226 +252995017,1058166,-11036,1,creatinine,5.58,5.58,mg/dL,mg/dL,-10998 +251816096,1058166,-1891,1,potassium,4.6,4.6,mmol/L,mmol/L,-1796 +253646432,1058166,-2533,3,MCHC,33.3,33.3,g/dL,gm/dL,-2516 +254415152,1058166,-521,3,Hgb,9.0,9.0,g/dL,gm/dL,-497 +252613983,1058166,-521,1,glucose,98.0,98,mg/dL,mg/dL,-464 +251925691,1058166,-10501,1,BUN,25.0,25,mg/dL,mg/dL,-10453 +258838600,1058166,420,7,O2 Content,11.0,11,mls/dL,vol %,425 +255197627,1058166,3816,3,MCV,87.5,87.5,fL,fL,3851 +253606094,1058166,6709,1,BUN,51.0,51,mg/dL,mg/dL,6794 +251816098,1058166,-1891,1,anion gap,10.0,10,,mmol/L,-1796 +258359551,1058166,-161,7,paCO2,42.0,42,mm Hg,mmHg,-161 +253849756,1058166,-3386,3,MCHC,32.7,32.7,g/dL,gm/dL,-3303 +252995014,1058166,-11036,1,chloride,95.0,95,mmol/L,mmol/L,-10998 +251925690,1058166,-10501,1,calcium,6.9,6.9,mg/dL,mg/dL,-10453 +255579236,1058166,537,4,bedside glucose,118.0,118,mg/dL,mg/dL,537 +251585699,1058166,-4841,1,BUN,23.0,23,mg/dL,mg/dL,-4747 +252739655,1058166,-6265,1,anion gap,11.0,11,,mmol/L,-6226 +251925692,1058166,-10501,1,sodium,132.0,132,mmol/L,mmol/L,-10453 +254049320,1058166,-161,3,Hct,18.0,18,%,%,-161 +258523771,1058166,-193,7,Carboxyhemoglobin,2.0,2.0,%,%,-193 +255055280,1058166,-97,3,Hgb,7.2,7.2,g/dL,gm/dL,-97 +251816104,1058166,-1891,1,glucose,86.0,86,mg/dL,mg/dL,-1796 +255438182,1058166,-7741,3,PT - INR,1.16,1.16,ratio,,-7702 +253140076,1058166,789,1,anion gap,11.0,11,,mmol/L,883 +252995021,1058166,-11036,1,calcium,7.4,7.4,mg/dL,mg/dL,-10998 +251816101,1058166,-1891,1,creatinine,6.99,6.99,mg/dL,mg/dL,-1796 +255769797,1058166,7415,4,bedside glucose,91.0,91,mg/dL,mg/dL,7415 +254415151,1058166,-521,3,MPV,8.3,8.3,fL,fL,-497 +252613985,1058166,-521,1,BUN,39.0,39,mg/dL,mg/dL,-464 +251816102,1058166,-1891,1,sodium,134.0,134,mmol/L,mmol/L,-1796 +255890168,1058166,3374,4,bedside glucose,123.0,123,mg/dL,mg/dL,3374 +258773299,1058166,-97,7,Base Excess,-2.6,-2.6,mEq/L,mmol/L,-97 +251827005,1058166,-9287,1,potassium,4.0,4.0,mmol/L,mmol/L,-9237 +251925694,1058166,-10501,1,potassium,3.3,3.3,mmol/L,mmol/L,-10453 +254049321,1058166,-161,3,Hgb,7.7,7.7,g/dL,gm/dL,-161 +253987457,1058166,-7741,3,platelets x 1000,225.0,225,K/mcL,10E3/mcL,-7721 +258789972,1058166,-226,7,paCO2,35.0,35,mm Hg,mmHg,-226 +251925696,1058166,-10501,1,chloride,97.0,97,mmol/L,mmol/L,-10453 +255438181,1058166,-7741,3,PT,12.2,12.2,sec,second(s),-7702 +254878546,1058166,-4841,3,RDW,14.8,14.8,%,%,-4770 +251827001,1058166,-9287,1,calcium,7.4,7.4,mg/dL,mg/dL,-9237 +251925689,1058166,-10501,1,bicarbonate,25.0,25,mmol/L,mmol/L,-10453 +258359548,1058166,-161,7,HCO3,28.1,28.1,mmol/L,mmol/L,-161 +255157559,1058166,-11036,3,MCV,84.3,84.3,fL,fL,-11011 +252995020,1058166,-11036,1,anion gap,10.0,10,,mmol/L,-10998 +251816100,1058166,-1891,1,chloride,98.0,98,mmol/L,mmol/L,-1796 +255671014,1058166,6323,4,bedside glucose,127.0,127,mg/dL,mg/dL,6323 +253102407,1058166,-226,1,sodium,127.0,127,mmol/L,mmol/L,-226 +251827003,1058166,-9287,1,sodium,130.0,130,mmol/L,mmol/L,-9237 +251925697,1058166,-10501,1,anion gap,10.0,10,,mmol/L,-10453 +254318079,1058166,-181,3,fibrinogen,324.0,324,mg/dL,mg/dL,-134 +254415149,1058166,-521,3,RBC,3.19,3.19,M/mcL,10E6/mcL,-497 +252613990,1058166,-521,1,chloride,99.0,99,mmol/L,mmol/L,-464 +251561849,1058166,420,1,potassium,3.9,3.9,mmol/L,mmol/L,425 +255964412,1058166,4820,4,bedside glucose,140.0,140,mg/dL,mg/dL,4820 +251882736,1058166,-161,1,ionized calcium,3.16,0.79,mg/dL,mmol/L,-161 +251827004,1058166,-9287,1,creatinine,8.35,8.35,mg/dL,mg/dL,-9237 +251816099,1058166,-1891,1,calcium,7.9,7.9,mg/dL,mg/dL,-1796 +254950124,1058166,-1891,3,Hgb,9.0,9.0,g/dL,gm/dL,-1866 +253849747,1058166,-3386,3,RDW,14.7,14.7,%,%,-3303 +252914846,1058166,19,1,sodium,134.0,134,mmol/L,mmol/L,25 +255602205,1058166,417,4,bedside glucose,106.0,106,mg/dL,mg/dL,417 +255092049,1058166,-10501,3,-lymphs,11.0,11,%,%,-10466 +255198877,1058166,-6265,3,WBC x 1000,6.9,6.9,K/mcL,10E3/mcL,-6228 +251827007,1058166,-9287,1,chloride,98.0,98,mmol/L,mmol/L,-9237 +251547543,1058166,420,1,ionized calcium,3.84,0.96,mg/dL,mmol/L,425 +255092050,1058166,-10501,3,-monos,12.0,12,%,%,-10466 +258773300,1058166,-97,7,pH,7.36,7.36,,,-97 +252995016,1058166,-11036,1,bicarbonate,26.0,26,mmol/L,mmol/L,-10998 +251816103,1058166,-1891,1,bicarbonate,26.0,26,mmol/L,mmol/L,-1796 +254950125,1058166,-1891,3,RDW,14.7,14.7,%,%,-1866 +253140073,1058166,789,1,potassium,4.6,4.6,mmol/L,mmol/L,883 +251826999,1058166,-9287,1,anion gap,10.0,10,,mmol/L,-9237 +255627988,1058166,-9031,4,bedside glucose,109.0,109,mg/dL,mg/dL,-9031 +254950122,1058166,-1891,3,MCV,87.4,87.4,fL,fL,-1866 +253449170,1058166,-1891,1,magnesium,2.0,2.0,mg/dL,mg/dL,-1796 +252739660,1058166,-6265,1,glucose,91.0,91,mg/dL,mg/dL,-6226 +254415150,1058166,-521,3,MCHC,32.3,32.3,g/dL,gm/dL,-497 +255217007,1058166,420,3,Hgb,7.4,7.4,g/dL,gm/dL,425 +251479797,1058166,420,1,sodium,133.0,133,mmol/L,mmol/L,425 +251827000,1058166,-9287,1,bicarbonate,22.0,22,mmol/L,mmol/L,-9237 +253483583,1058166,-10501,1,lactate,0.64,0.64,mmol/L,mmol/L,-10315 +254852901,1058166,-10501,3,Hgb,8.9,8.9,g/dL,gm/dL,-10466 +253490070,1058166,-3386,1,magnesium,2.3,2.3,mg/dL,mg/dL,-3281 +253606097,1058166,6709,1,potassium,4.4,4.4,mmol/L,mmol/L,6794 +254246827,1058166,-10501,3,PT,13.1,13.1,sec,second(s),-10445 +255092051,1058166,-10501,3,-eos,2.0,2,%,%,-10466 +253987461,1058166,-7741,3,RBC,2.8,2.80,M/mcL,10E6/mcL,-7721 +255837253,1058166,7177,4,bedside glucose,97.0,97,mg/dL,mg/dL,7177 +254246828,1058166,-10501,3,PT - INR,1.24,1.24,ratio,,-10445 +254852900,1058166,-10501,3,RDW,15.1,15.1,%,%,-10466 +251585697,1058166,-4841,1,chloride,95.0,95,mmol/L,mmol/L,-4747 +252995015,1058166,-11036,1,BUN,21.0,21,mg/dL,mg/dL,-10998 +254923065,1058166,-9287,3,MCHC,33.3,33.3,g/dL,gm/dL,-9262 +254950123,1058166,-1891,3,MCHC,32.4,32.4,g/dL,gm/dL,-1866 +258492802,1058166,-128,7,HCO3,24.6,24.6,mmol/L,mmol/L,-128 +251827006,1058166,-9287,1,glucose,110.0,110,mg/dL,mg/dL,-9237 +254923066,1058166,-9287,3,MPV,8.7,8.7,fL,fL,-9262 +254852902,1058166,-10501,3,MCH,28.7,28.7,pg,pg,-10466 +253102405,1058166,-226,1,potassium,5.3,5.3,mmol/L,mmol/L,-226 +252739659,1058166,-6265,1,BUN,24.0,24,mg/dL,mg/dL,-6226 +254845840,1058166,-9287,3,haptoglobin,271.0,271,mg/dL,mg/dL,-4362 +254950116,1058166,-1891,3,platelets x 1000,235.0,235,K/mcL,10E3/mcL,-1866 +254415147,1058166,-521,3,MCH,28.2,28.2,pg,pg,-497 +255505761,1058166,4308,4,bedside glucose,90.0,90,mg/dL,mg/dL,4308 +254923064,1058166,-9287,3,Hgb,8.5,8.5,g/dL,gm/dL,-9262 +254852903,1058166,-10501,3,WBC x 1000,8.2,8.2,K/mcL,10E3/mcL,-10466 +258773301,1058166,-97,7,paCO2,40.0,40,mm Hg,mmHg,-97 +254875773,1058166,34,3,MCHC,32.6,32.6,g/dL,gm/dL,69 +254923070,1058166,-9287,3,WBC x 1000,7.8,7.8,K/mcL,10E3/mcL,-9262 +254950117,1058166,-1891,3,WBC x 1000,6.2,6.2,K/mcL,10E3/mcL,-1866 +253987462,1058166,-7741,3,MCH,27.9,27.9,pg,pg,-7721 +253893321,1058166,-9287,3,Ferritin,1120.0,1120,ng/mL,ng/mL,-9064 +254923062,1058166,-9287,3,RBC,2.98,2.98,M/mcL,10E6/mcL,-9262 +254852905,1058166,-10501,3,Hct,26.4,26.4,%,%,-10466 +254878537,1058166,-4841,3,Hct,23.8,23.8,%,%,-4770 +252995019,1058166,-11036,1,sodium,131.0,131,mmol/L,mmol/L,-10998 +255870152,1058166,-9608,4,bedside glucose,136.0,136,mg/dL,mg/dL,-9608 +254950118,1058166,-1891,3,MPV,8.4,8.4,fL,fL,-1866 +255717751,1058166,900,4,bedside glucose,100.0,100,mg/dL,mg/dL,900 +255983333,1058166,1338,4,bedside glucose,102.0,102,mg/dL,mg/dL,1338 +254923069,1058166,-9287,3,RDW,15.2,15.2,%,%,-9262 +254852906,1058166,-10501,3,MCHC,33.7,33.7,g/dL,gm/dL,-10466 +253140074,1058166,789,1,glucose,101.0,101,mg/dL,mg/dL,883 +252613986,1058166,-521,1,sodium,132.0,132,mmol/L,mmol/L,-464 +255748530,1058166,6753,4,bedside glucose,102.0,102,mg/dL,mg/dL,6753 +255092053,1058166,-10501,3,-polys,71.0,71,%,%,-10466 +254415146,1058166,-521,3,WBC x 1000,5.8,5.8,K/mcL,10E3/mcL,-497 +251827002,1058166,-9287,1,BUN,35.0,35,mg/dL,mg/dL,-9237 +254923071,1058166,-9287,3,MCH,28.5,28.5,pg,pg,-9262 +254852908,1058166,-10501,3,MCV,85.2,85.2,fL,fL,-10466 +251882735,1058166,-161,1,lactate,0.6,0.6,mmol/L,mmol/L,-161 +252260142,1058166,-128,1,chloride,110.0,110,mmol/L,mmol/L,-128 +255738012,1058166,3851,4,bedside glucose,99.0,99,mg/dL,mg/dL,3851 +254950119,1058166,-1891,3,Hct,27.8,27.8,%,%,-1866 +253987463,1058166,-7741,3,MPV,8.3,8.3,fL,fL,-7721 +255554233,1058166,786,4,bedside glucose,103.0,103,mg/dL,mg/dL,786 +254923063,1058166,-9287,3,platelets x 1000,236.0,236,K/mcL,10E3/mcL,-9262 +254852907,1058166,-10501,3,MPV,8.9,8.9,fL,fL,-10466 +255198873,1058166,-6265,3,RDW,15.0,15.0,%,%,-6228 +255620783,1058166,2877,4,bedside glucose,118.0,118,mg/dL,mg/dL,2877 +255673655,1058166,5319,4,bedside glucose,118.0,118,mg/dL,mg/dL,5319 +254950120,1058166,-1891,3,MCH,28.3,28.3,pg,pg,-1866 +258688161,1058166,19,7,Methemoglobin,0.3,0.3,%,%,25 +252995024,1058166,-11036,1,alkaline phos.,97.0,97,Units/L,unit/L,-10994 +253339293,1058166,-10501,1,HDL,12.0,12,mg/dL,mg/dL,-10440 +254852904,1058166,-10501,3,platelets x 1000,238.0,238,K/mcL,10E3/mcL,-10466 +253102408,1058166,-226,1,lactate,0.7,0.7,mmol/L,mmol/L,-226 +252822171,1058166,3816,1,magnesium,2.3,2.3,mg/dL,mg/dL,3871 +254923067,1058166,-9287,3,Hct,25.5,25.5,%,%,-9262 +254950121,1058166,-1891,3,RBC,3.18,3.18,M/mcL,10E6/mcL,-1866 +254415145,1058166,-521,3,MCV,87.5,87.5,fL,fL,-497 +251460956,1058166,-9287,1,LDH,281.0,281,Units/L,unit/L,-9237 +253169741,1058166,420,1,glucose,108.0,108,mg/dL,mg/dL,425 +254852909,1058166,-10501,3,RBC,3.1,3.10,M/mcL,10E6/mcL,-10466 +253694052,1058166,-3386,3,PT,11.0,11.0,sec,second(s),-3270 +258454189,1058166,420,7,Carboxyhemoglobin,0.3,0.3,%,%,425 +252993703,1058166,-521,1,magnesium,2.2,2.2,mg/dL,mg/dL,-464 +255755416,1058166,1017,4,bedside glucose,92.0,92,mg/dL,mg/dL,1017 +255092052,1058166,-10501,3,-basos,0.0,0,%,%,-10466 +253391212,1058166,2209,1,magnesium,2.3,2.3,mg/dL,mg/dL,2264 +253987459,1058166,-7741,3,MCV,86.4,86.4,fL,fL,-7721 +255304995,1058166,-56,3,PT - INR,1.27,1.27,ratio,,42 +253165446,1058166,-9287,1,magnesium,2.4,2.4,mg/dL,mg/dL,-9237 +255304996,1058166,-56,3,PT,13.4,13.4,sec,second(s),42 +252017039,1058166,-4841,1,magnesium,2.1,2.1,mg/dL,mg/dL,-4747 +252366147,1058166,-58,1,lactate,1.0,1.0,mmol/L,mmol/L,-58 +253339292,1058166,-10501,1,total cholesterol,91.0,91,mg/dL,mg/dL,-10440 +252366142,1058166,-58,1,chloride,110.0,110,mmol/L,mmol/L,-58 +258492796,1058166,-128,7,Methemoglobin,1.9,1.9,%,%,-128 +252366144,1058166,-58,1,ionized calcium,4.0,1.00,mg/dL,mmol/L,-58 +254923068,1058166,-9287,3,MCV,85.6,85.6,fL,fL,-9262 +252366143,1058166,-58,1,potassium,5.0,5.0,mmol/L,mmol/L,-58 +253140079,1058166,789,1,BUN,20.0,20,mg/dL,mg/dL,883 +252366145,1058166,-58,1,sodium,137.0,137,mmol/L,mmol/L,-58 +255726356,1058166,668,4,bedside glucose,110.0,110,mg/dL,mg/dL,668 +252366146,1058166,-58,1,glucose,110.0,110,mg/dL,mg/dL,-58 +254415143,1058166,-521,3,RDW,14.7,14.7,%,%,-497 +252337687,1058166,19,1,ionized calcium,4.8,1.20,mg/dL,mmol/L,25 +253339294,1058166,-10501,1,triglycerides,206.0,206,mg/dL,mg/dL,-10440 +251650935,1058166,2209,1,potassium,3.9,3.9,mmol/L,mmol/L,2264 +258773296,1058166,-97,7,Carboxyhemoglobin,2.0,2.0,%,%,-97 +255115293,1058166,2209,3,MCV,88.3,88.3,fL,fL,2272 +254736147,1058166,-9287,3,Fe,11.0,11,mcg/dL,mcg/dL,-8777 +251650936,1058166,2209,1,glucose,109.0,109,mg/dL,mg/dL,2264 +253987460,1058166,-7741,3,RDW,15.2,15.2,%,%,-7721 +255115292,1058166,2209,3,Hct,20.4,20.4,%,%,2272 +252208098,1058166,-337,1,sodium,131.0,131,mmol/L,mmol/L,-337 +251650934,1058166,2209,1,creatinine,6.81,6.81,mg/dL,mg/dL,2264 +254878543,1058166,-4841,3,RBC,2.74,2.74,M/mcL,10E6/mcL,-4770 +255115287,1058166,2209,3,MPV,9.0,9.0,fL,fL,2272 +254736148,1058166,-9287,3,TIBC,105.0,105,mcg/dL,mcg/dL,-8777 +251574155,1058166,789,1,magnesium,2.1,2.1,mg/dL,mg/dL,883 +255197625,1058166,3816,3,RDW,16.3,16.3,%,%,3851 +255115286,1058166,2209,3,MCH,28.1,28.1,pg,pg,2272 +252208097,1058166,-337,1,chloride,102.0,102,mmol/L,mmol/L,-337 +251650929,1058166,2209,1,anion gap,12.0,12,,mmol/L,2264 +253102406,1058166,-226,1,chloride,100.0,100,mmol/L,mmol/L,-226 +255115285,1058166,2209,3,WBC x 1000,4.8,4.8,K/mcL,10E3/mcL,2272 +254736146,1058166,-9287,3,Fe/TIBC Ratio,10.0,10,%,%,-8777 +251650933,1058166,2209,1,sodium,132.0,132,mmol/L,mmol/L,2264 +254415144,1058166,-521,3,Hct,27.9,27.9,%,%,-497 +254254494,1058166,789,3,RDW,15.2,15.2,%,%,885 +252208095,1058166,-337,1,lactate,0.6,0.6,mmol/L,mmol/L,-337 +255115288,1058166,2209,3,RBC,2.31,2.31,M/mcL,10E6/mcL,2272 +251882731,1058166,-161,1,sodium,137.0,137,mmol/L,mmol/L,-161 +254254493,1058166,789,3,MCV,87.9,87.9,fL,fL,885 +254697417,1058166,-9287,3,Hgb,8.5,8.5,g/dL,gm/dL,-9262 +251650932,1058166,2209,1,BUN,28.0,28,mg/dL,mg/dL,2264 +253987464,1058166,-7741,3,Hgb,7.8,7.8,g/dL,gm/dL,-7721 +254254495,1058166,789,3,MPV,8.9,8.9,fL,fL,885 +252208099,1058166,-337,1,ionized calcium,4.32,1.08,mg/dL,mmol/L,-337 +255115289,1058166,2209,3,MCHC,31.9,31.9,g/dL,gm/dL,2272 +255198878,1058166,-6265,3,MCH,28.2,28.2,pg,pg,-6228 +254254496,1058166,789,3,MCH,28.3,28.3,pg,pg,885 +253878750,1058166,-1891,3,PT,11.1,11.1,sec,second(s),-1846 +251650930,1058166,2209,1,bicarbonate,23.0,23,mmol/L,mmol/L,2264 +258773295,1058166,-97,7,O2 Sat (%),96.4,96.4,%,%,-97 +254254492,1058166,789,3,platelets x 1000,146.0,146,K/mcL,10E3/mcL,885 +254697418,1058166,-9287,3,RBC,2.98,2.98,M/mcL,10E6/mcL,-9262 +255115291,1058166,2209,3,RDW,15.8,15.8,%,%,2272 +253140075,1058166,789,1,chloride,102.0,102,mmol/L,mmol/L,883 +254254497,1058166,789,3,RBC,2.23,2.23,M/mcL,10E6/mcL,885 +252208096,1058166,-337,1,glucose,92.0,92,mg/dL,mg/dL,-337 +251650928,1058166,2209,1,chloride,97.0,97,mmol/L,mmol/L,2264 +254415148,1058166,-521,3,platelets x 1000,226.0,226,K/mcL,10E3/mcL,-497 +254254490,1058166,789,3,MCHC,32.1,32.1,g/dL,gm/dL,885 +253878751,1058166,-1891,3,PT - INR,1.06,1.06,ratio,,-1846 +255115284,1058166,2209,3,platelets x 1000,132.0,132,K/mcL,10E3/mcL,2272 +253694051,1058166,-3386,3,PT - INR,1.05,1.05,ratio,,-3270 +254254491,1058166,789,3,Hct,19.6,19.6,%,%,885 +254697416,1058166,-9287,3,reticulocyte count,1.16,1.16,%,%,-9262 +251650931,1058166,2209,1,calcium,7.3,7.3,mg/dL,mg/dL,2264 +252956303,1058166,420,1,lactate,7.27,7.27,mmol/L,mmol/L,425 +254254488,1058166,789,3,Hgb,6.3,6.3,g/dL,gm/dL,885 +252208094,1058166,-337,1,potassium,4.8,4.8,mmol/L,mmol/L,-337 +255115290,1058166,2209,3,Hgb,6.5,6.5,g/dL,gm/dL,2272 +255747712,1058166,6010,4,bedside glucose,150.0,150,mg/dL,mg/dL,6010 +254059360,1058166,-9287,3,PT - INR,1.15,1.15,ratio,,-9243 +255630588,1058166,3153,4,bedside glucose,110.0,110,mg/dL,mg/dL,3153 +255789366,1058166,1136,4,bedside glucose,96.0,96,mg/dL,mg/dL,1136 +254843237,1058166,-264,3,Hgb,9.4,9.4,g/dL,gm/dL,-264 +254254489,1058166,789,3,WBC x 1000,7.2,7.2,K/mcL,10E3/mcL,885 +255717627,1058166,1746,4,bedside glucose,152.0,152,mg/dL,mg/dL,1746 +254059359,1058166,-9287,3,PT,12.1,12.1,sec,second(s),-9243 +255630302,1058166,282,4,bedside glucose,86.0,86,mg/dL,mg/dL,282 +255562955,1058166,2586,4,bedside glucose,101.0,101,mg/dL,mg/dL,2586 +254843236,1058166,-264,3,Hct,26.0,26,%,%,-264 +757476303,3083539,3609,3,Hgb,12.3,12.3,g/dL,g/dL,3609 +757476304,3083539,3609,3,Hct,36.0,36.0,%,%,3609 +752922023,3083539,-158,3,WBC x 1000,8.5,8.5,K/mcL,10*9/l,-158 +757476305,3083539,3609,3,MCV,92.1,92.1,fL,fL,3609 +752922024,3083539,-158,3,RBC,,4.84,M/mcL,10*12/l,-158 +770572845,3083539,-71,7,O2 Sat (%),95.0,95,%,%,-71 +748118189,3083539,3609,1,sodium,142.0,142,mmol/L,mmol/L,3609 +757476306,3083539,3609,3,MCH,31.5,31.5,pg,pg,3609 +752922025,3083539,-158,3,Hgb,15.1,15.1,g/dL,g/dL,-158 +770572843,3083539,-71,7,Total CO2,29.0,29.0,,MMOL/L,-71 +748118188,3083539,3609,1,BUN,20.0,20,mg/dL,mg/dL,3609 +757476301,3083539,3609,3,WBC x 1000,8.0,8.0,K/mcL,10*9/l,3609 +752922030,3083539,-158,3,RDW,14.8,14.8,%,%,-158 +745669118,3083539,5099,1,creatinine,0.92,0.92,mg/dL,mg/dL,5099 +770572844,3083539,-71,7,Base Excess,1.0,1.0,mEq/L,,-71 +748118192,3083539,3609,1,bicarbonate,27.2,27.2,mmol/L,mmol/L,3609 +745669120,3083539,5099,1,anion gap,15.0,15.0,,MMOL/L,5099 +757476302,3083539,3609,3,RBC,,3.91,M/mcL,10*12/l,3609 +752922031,3083539,-158,3,platelets x 1000,253.0,253,K/mcL,10*9/l,-158 +745669113,3083539,5099,1,sodium,138.0,138,mmol/L,mmol/L,5099 +770572839,3083539,-71,7,pH,7.34,7.34,,,-71 +748118190,3083539,3609,1,potassium,3.9,3.9,mmol/L,mmol/L,3609 +745669112,3083539,5099,1,BUN,24.0,24,mg/dL,mg/dL,5099 +757476308,3083539,3609,3,RDW,14.8,14.8,%,%,3609 +752922028,3083539,-158,3,MCH,31.2,31.2,pg,pg,-158 +745669114,3083539,5099,1,potassium,3.9,3.9,mmol/L,mmol/L,5099 +770572841,3083539,-71,7,paO2,85.0,85,mm Hg,mmHg,-71 +748118191,3083539,3609,1,chloride,103.0,103,mmol/L,mmol/L,3609 +745669115,3083539,5099,1,chloride,97.0,97,mmol/L,mmol/L,5099 +757476309,3083539,3609,3,platelets x 1000,214.0,214,K/mcL,10*9/l,3609 +752922026,3083539,-158,3,Hct,44.6,44.6,%,%,-158 +745669119,3083539,5099,1,calcium,9.2,9.2,mg/dL,mg/dL,5099 +770572842,3083539,-71,7,HCO3,27.0,27.0,mmol/L,MM/L,-71 +748118193,3083539,3609,1,glucose,141.0,141,mg/dL,mg/dL,3609 +745669116,3083539,5099,1,bicarbonate,29.9,29.9,mmol/L,mmol/L,5099 +757476307,3083539,3609,3,MCHC,34.2,34.2,g/dL,g/dL,3609 +752922029,3083539,-158,3,MCHC,33.9,33.9,g/dL,g/dL,-158 +749631729,3083539,-158,1,creatinine,1.1,1.10,mg/dL,mg/dL,-158 +741565768,3083539,3609,1,calcium,8.9,8.9,mg/dL,mg/dL,3609 +749631731,3083539,-158,1,total protein,7.9,7.9,g/dL,g/dL,-158 +762843702,3083539,149,4,urinary specific gravity,1.01,1.010,,,149 +749631732,3083539,-158,1,albumin,4.0,4.0,g/dL,g/dL,-158 +748118194,3083539,3609,1,creatinine,0.93,0.93,mg/dL,mg/dL,3609 +749631730,3083539,-158,1,calcium,10.0,10.0,mg/dL,mg/dL,-158 +745669117,3083539,5099,1,glucose,125.0,125,mg/dL,mg/dL,5099 +749631735,3083539,-158,1,AST (SGOT),26.0,26,Units/L,U/L,-158 +756707833,3083539,2157,3,MCV,93.0,93.0,fL,fL,2157 +770572840,3083539,-71,7,paCO2,50.0,50,mm Hg,mmHg,-71 +749631734,3083539,-158,1,alkaline phos.,146.0,146,Units/L,U/L,-158 +749326505,3083539,2157,1,sodium,139.0,139,mmol/L,mmol/L,2157 +752922027,3083539,-158,3,MCV,92.1,92.1,fL,fL,-158 +749631736,3083539,-158,1,ALT (SGPT),18.0,18,Units/L,U/L,-158 +756707835,3083539,2157,3,MCHC,33.6,33.6,g/dL,g/dL,2157 +741565769,3083539,3609,1,anion gap,16.0,16.0,,MMOL/L,3609 +749631737,3083539,-158,1,anion gap,18.0,18.0,,MMOL/L,-158 +749326510,3083539,2157,1,creatinine,1.03,1.03,mg/dL,mg/dL,2157 +740228099,3083539,714,1,chloride,92.0,92,mmol/L,mmol/L,714 +756707834,3083539,2157,3,MCH,31.3,31.3,pg,pg,2157 +757033479,3083539,5099,3,WBC x 1000,7.4,7.4,K/mcL,10*9/l,5099 +749326504,3083539,2157,1,BUN,24.0,24,mg/dL,mg/dL,2157 +740228100,3083539,714,1,bicarbonate,25.7,25.7,mmol/L,mmol/L,714 +756707832,3083539,2157,3,Hct,37.2,37.2,%,%,2157 +757033486,3083539,5099,3,RDW,14.3,14.3,%,%,5099 +749326509,3083539,2157,1,glucose,132.0,132,mg/dL,mg/dL,2157 +740228104,3083539,714,1,anion gap,22.0,22.0,,MMOL/L,714 +756707836,3083539,2157,3,RDW,14.9,14.9,%,%,2157 +757033487,3083539,5099,3,platelets x 1000,196.0,196,K/mcL,10*9/l,5099 +749326512,3083539,2157,1,anion gap,20.0,20.0,,MMOL/L,2157 +740228102,3083539,714,1,creatinine,1.33,1.33,mg/dL,mg/dL,714 +756707831,3083539,2157,3,Hgb,12.5,12.5,g/dL,g/dL,2157 +757033484,3083539,5099,3,MCH,31.1,31.1,pg,pg,5099 +749326508,3083539,2157,1,bicarbonate,21.6,21.6,mmol/L,mmol/L,2157 +758469538,3083539,6584,3,RDW,14.1,14.1,%,%,6584 +756707837,3083539,2157,3,platelets x 1000,204.0,204,K/mcL,10*9/l,2157 +740228096,3083539,714,1,BUN,21.0,21,mg/dL,mg/dL,714 +749326506,3083539,2157,1,potassium,4.5,4.5,mmol/L,mmol/L,2157 +758469540,3083539,6584,3,-polys,60.0,60,%,%,6584 +756707830,3083539,2157,3,RBC,,4.00,M/mcL,10*12/l,2157 +757033480,3083539,5099,3,RBC,,4.15,M/mcL,10*12/l,5099 +749813878,3083539,714,1,HDL,57.9,57.9,mg/dL,mg/dL,714 +758469541,3083539,6584,3,-lymphs,30.0,30,%,%,6584 +749326511,3083539,2157,1,calcium,8.6,8.6,mg/dL,mg/dL,2157 +740228101,3083539,714,1,glucose,203.0,203,mg/dL,mg/dL,714 +756707829,3083539,2157,3,WBC x 1000,11.1,11.1,K/mcL,10*9/l,2157 +758469534,3083539,6584,3,Hct,40.7,40.7,%,%,6584 +749212498,3083539,6584,1,potassium,4.0,4.0,mmol/L,mmol/L,6584 +757033481,3083539,5099,3,Hgb,12.9,12.9,g/dL,g/dL,5099 +749813879,3083539,714,1,LDL,126.7,126.7,mg/dL,MG/DL,714 +758469535,3083539,6584,3,MCV,91.1,91.1,fL,fL,6584 +749212497,3083539,6584,1,sodium,139.0,139,mmol/L,mmol/L,6584 +740228103,3083539,714,1,calcium,9.1,9.1,mg/dL,mg/dL,714 +749326507,3083539,2157,1,chloride,102.0,102,mmol/L,mmol/L,2157 +738646422,3083539,-158,1,BUN,13.0,13,mg/dL,mg/dL,-158 +749212496,3083539,6584,1,BUN,27.0,27,mg/dL,mg/dL,6584 +758469533,3083539,6584,3,Hgb,13.8,13.8,g/dL,g/dL,6584 +743808528,3083539,6584,1,anion gap,14.0,14.0,,MMOL/L,6584 +757033482,3083539,5099,3,Hct,38.0,38.0,%,%,5099 +743808526,3083539,6584,1,creatinine,0.94,0.94,mg/dL,mg/dL,6584 +738646424,3083539,-158,1,potassium,4.9,4.9,mmol/L,mmol/L,-158 +743808527,3083539,6584,1,calcium,9.1,9.1,mg/dL,mg/dL,6584 +758469536,3083539,6584,3,MCH,30.9,30.9,pg,pg,6584 +743808525,3083539,6584,1,glucose,86.0,86,mg/dL,mg/dL,6584 +740228097,3083539,714,1,sodium,134.0,134,mmol/L,mmol/L,714 +743808523,3083539,6584,1,chloride,97.0,97,mmol/L,mmol/L,6584 +738646423,3083539,-158,1,sodium,134.0,134,mmol/L,mmol/L,-158 +743808524,3083539,6584,1,bicarbonate,32.9,32.9,mmol/L,mmol/L,6584 +758469537,3083539,6584,3,MCHC,33.9,33.9,g/dL,g/dL,6584 +758748949,3083539,714,3,MCHC,32.9,32.9,g/dL,g/dL,714 +757033483,3083539,5099,3,MCV,91.6,91.6,fL,fL,5099 +758748950,3083539,714,3,RDW,14.9,14.9,%,%,714 +738646426,3083539,-158,1,bicarbonate,26.8,26.8,mmol/L,mmol/L,-158 +758748951,3083539,714,3,platelets x 1000,263.0,263,K/mcL,10*9/l,714 +758469531,3083539,6584,3,WBC x 1000,9.5,9.5,K/mcL,10*9/l,6584 +758748943,3083539,714,3,WBC x 1000,20.9,20.9,K/mcL,10*9/l,714 +740228098,3083539,714,1,potassium,5.7,5.7,mmol/L,mmol/L,714 +758748946,3083539,714,3,Hct,42.8,42.8,%,%,714 +738646427,3083539,-158,1,glucose,134.0,134,mg/dL,mg/dL,-158 +758748947,3083539,714,3,MCV,93.9,93.9,fL,fL,714 +758469532,3083539,6584,3,RBC,,4.47,M/mcL,10*12/l,6584 +758748948,3083539,714,3,MCH,30.9,30.9,pg,pg,714 +757033485,3083539,5099,3,MCHC,33.9,33.9,g/dL,g/dL,5099 +758748944,3083539,714,3,RBC,,4.56,M/mcL,10*12/l,714 +738646425,3083539,-158,1,chloride,94.0,94,mmol/L,mmol/L,-158 +758748945,3083539,714,3,Hgb,14.1,14.1,g/dL,g/dL,714 +758469539,3083539,6584,3,platelets x 1000,198.0,198,K/mcL,10*9/l,6584 +758911380,3096492,5441,3,RBC,4.55,4.55,M/mcL,M/mm3,5441 +758911379,3096492,5441,3,WBC x 1000,11.4,11.4,K/mcL,k/MM3,5441 +758911382,3096492,5441,3,Hct,35.9,35.9,%,%,5441 +758911381,3096492,5441,3,Hgb,11.4,11.4,g/dL,g/dL,5441 +759106194,3096492,6870,3,PT,12.4,12.4,sec,SECONDS,6870 +758911388,3096492,5441,3,MPV,9.3,9.3,fL,fl,5441 +758911386,3096492,5441,3,RDW,19.9,19.9,%,%,5441 +742832330,3096492,6870,1,ALT (SGPT),14.0,14,Units/L,U/L,6870 +759106195,3096492,6870,3,PT - INR,1.2,1.2,ratio,,6870 +742967418,3096492,2567,1,glucose,141.0,141,mg/dL,mg/dl,2567 +758911385,3096492,5441,3,MCHC,32.0,32,g/dL,g/dl,5441 +742967417,3096492,2567,1,calcium,8.8,8.8,mg/dL,mg/dL,2567 +758911383,3096492,5441,3,MCV,79.0,79,fL,fL,5441 +742967416,3096492,2567,1,bicarbonate,36.0,36,mmol/L,mmol/L,2567 +758911387,3096492,5441,3,platelets x 1000,160.0,160,K/mcL,k/mm3,5441 +751963899,3096492,3017,3,PT,13.1,13.1,sec,SECONDS,3017 +742967415,3096492,2567,1,magnesium,2.2,2.2,mg/dL,mg/dL,2567 +758911384,3096492,5441,3,MCH,25.2,25.2,pg,pg,5441 +751963900,3096492,3017,3,PT - INR,1.3,1.3,ratio,,3017 +738678493,3096492,4029,1,creatinine,0.96,0.96,mg/dL,mg/dL,4029 +754614144,3096492,6870,3,-eos,0.3,0.3,%,%,6870 +742967414,3096492,2567,1,sodium,145.0,145,mmol/L,mmol/L,2567 +754810933,3096492,4029,3,MCV,78.0,78,fL,fL,4029 +745563150,3096492,5441,1,magnesium,2.1,2.1,mg/dL,mg/dL,5441 +754614143,3096492,6870,3,-monos,4.0,4.0,%,%,6870 +742967413,3096492,2567,1,creatinine,1.03,1.03,mg/dL,mg/dL,2567 +754810929,3096492,4029,3,WBC x 1000,9.9,9.9,K/mcL,k/MM3,4029 +738678496,3096492,4029,1,chloride,103.0,103,mmol/L,mmol/L,4029 +754810930,3096492,4029,3,RBC,4.5,4.50,M/mcL,M/mm3,4029 +742967412,3096492,2567,1,potassium,4.8,4.8,mmol/L,mmol/L,2567 +754614133,3096492,6870,3,Hgb,11.2,11.2,g/dL,g/dL,6870 +745563147,3096492,5441,1,chloride,101.0,101,mmol/L,mmol/L,5441 +754614145,3096492,6870,3,-basos,0.1,0.1,%,%,6870 +742832331,3096492,6870,1,alkaline phos.,88.0,88,Units/L,U/L,6870 +754614135,3096492,6870,3,MCV,78.0,78,fL,fL,6870 +743478205,3096492,1131,1,glucose,40.0,40,mg/dL,mg/dl,1131 +754810931,3096492,4029,3,Hgb,11.2,11.2,g/dL,g/dL,4029 +742832329,3096492,6870,1,AST (SGOT),16.0,16,Units/L,U/L,6870 +754810934,3096492,4029,3,MCH,24.9,24.9,pg,pg,4029 +738678492,3096492,4029,1,BUN,25.0,25,mg/dL,mg/dL,4029 +754810938,3096492,4029,3,MPV,9.2,9.2,fL,fl,4029 +742832321,3096492,6870,1,sodium,143.0,143,mmol/L,mmol/L,6870 +754614134,3096492,6870,3,Hct,35.0,35.0,%,%,6870 +743478204,3096492,1131,1,HDL,28.0,28,mg/dL,mg/dL,1131 +754810932,3096492,4029,3,Hct,35.2,35.2,%,%,4029 +742832327,3096492,6870,1,albumin,2.8,2.8,g/dL,gm/dL,6870 +754614132,3096492,6870,3,RBC,4.51,4.51,M/mcL,M/mm3,6870 +745563144,3096492,5441,1,creatinine,1.04,1.04,mg/dL,mg/dL,5441 +754810935,3096492,4029,3,MCHC,32.0,32,g/dL,g/dl,4029 +742832318,3096492,6870,1,glucose,167.0,167,mg/dL,mg/dl,6870 +754614140,3096492,6870,3,MPV,9.2,9.2,fL,fl,6870 +743478206,3096492,1131,1,chloride,107.0,107,mmol/L,mmol/L,1131 +754810936,3096492,4029,3,RDW,19.8,19.8,%,%,4029 +742832332,3096492,6870,1,magnesium,2.1,2.1,mg/dL,mg/dL,6870 +754614142,3096492,6870,3,-lymphs,25.0,25.0,%,%,6870 +738678498,3096492,4029,1,calcium,8.8,8.8,mg/dL,mg/dL,4029 +754614137,3096492,6870,3,MCHC,32.0,32,g/dL,g/dl,6870 +742832328,3096492,6870,1,total bilirubin,0.6,0.60,mg/dL,mg/dL,6870 +754614138,3096492,6870,3,RDW,19.9,19.9,%,%,6870 +743478203,3096492,1131,1,total cholesterol,101.0,101,mg/dL,mg/dL,1131 +754614141,3096492,6870,3,-polys,70.6,70.6,%,%,6870 +747643144,3096492,1848,1,chloride,105.0,105,mmol/L,mmol/L,1848 +754810937,3096492,4029,3,platelets x 1000,147.0,147,K/mcL,k/mm3,4029 +745563143,3096492,5441,1,BUN,30.0,30,mg/dL,mg/dL,5441 +754614139,3096492,6870,3,platelets x 1000,157.0,157,K/mcL,k/mm3,6870 +742967419,3096492,2567,1,chloride,106.0,106,mmol/L,mmol/L,2567 +754614131,3096492,6870,3,WBC x 1000,10.5,10.5,K/mcL,k/MM3,6870 +743478201,3096492,1131,1,bicarbonate,35.0,35,mmol/L,mmol/L,1131 +759622979,3096492,4029,3,PT - INR,1.1,1.1,ratio,,4029 +747643145,3096492,1848,1,BUN,16.0,16,mg/dL,mg/dL,1848 +754614136,3096492,6870,3,MCH,24.7,24.7,pg,pg,6870 +738678497,3096492,4029,1,bicarbonate,37.0,37,mmol/L,mmol/L,4029 +759622978,3096492,4029,3,PT,11.0,11.0,sec,SECONDS,4029 +742832325,3096492,6870,1,calcium,8.8,8.8,mg/dL,mg/dL,6870 +760168694,3096492,4029,4,BNP,677.7,677.7,pg/mL,pg/mL,4029 +743478200,3096492,1131,1,triglycerides,63.0,63,mg/dL,mg/dL,1131 +758269040,3096492,1131,3,MPV,9.1,9.1,fL,fl,1131 +747643143,3096492,1848,1,glucose,153.0,153,mg/dL,mg/dl,1848 +758269041,3096492,1131,3,RBC,4.24,4.24,M/mcL,M/mm3,1131 +745563146,3096492,5441,1,potassium,4.2,4.2,mmol/L,mmol/L,5441 +742832319,3096492,6870,1,BUN,32.0,32,mg/dL,mg/dL,6870 +758269043,3096492,1131,3,MCV,78.0,78,fL,fL,1131 +743478199,3096492,1131,1,magnesium,2.2,2.2,mg/dL,mg/dL,1131 +758269044,3096492,1131,3,Hgb,10.7,10.7,g/dL,g/dL,1131 +747643140,3096492,1848,1,magnesium,2.2,2.2,mg/dL,mg/dL,1848 +758269047,3096492,1131,3,MCH,25.3,25.3,pg,pg,1131 +738678494,3096492,4029,1,sodium,144.0,144,mmol/L,mmol/L,4029 +758269048,3096492,1131,3,MCHC,33.0,33,g/dL,g/dl,1131 +742967420,3096492,2567,1,BUN,17.0,17,mg/dL,mg/dL,2567 +758269045,3096492,1131,3,WBC x 1000,11.0,11.0,K/mcL,k/MM3,1131 +743478202,3096492,1131,1,calcium,8.8,8.8,mg/dL,mg/dL,1131 +758269046,3096492,1131,3,RDW,19.7,19.7,%,%,1131 +747643139,3096492,1848,1,sodium,146.0,146,mmol/L,mmol/L,1848 +758269049,3096492,1131,3,platelets x 1000,137.0,137,K/mcL,k/mm3,1131 +745563149,3096492,5441,1,calcium,8.8,8.8,mg/dL,mg/dL,5441 +770777826,3096492,42,7,FiO2,50.0,50,%,,42 +742832323,3096492,6870,1,chloride,101.0,101,mmol/L,mmol/L,6870 +770777825,3096492,42,7,O2 Sat (%),99.0,99,%,% Sat.,42 +743478198,3096492,1131,1,sodium,146.0,146,mmol/L,mmol/L,1131 +770777824,3096492,42,7,HCO3,30.0,30,mmol/L,meq/L,42 +744550290,3096492,3017,1,BUN,21.0,21,mg/dL,mg/dL,3017 +770777823,3096492,42,7,paO2,136.0,136,mm Hg,mmHg,42 +747643141,3096492,1848,1,bicarbonate,36.0,36,mmol/L,mmol/L,1848 +770777822,3096492,42,7,paCO2,50.0,50,mm Hg,mmHg,42 +738678491,3096492,4029,1,glucose,176.0,176,mg/dL,mg/dl,4029 +750161595,3096492,5441,3,PT,11.7,11.7,sec,SECONDS,5441 +744550289,3096492,3017,1,glucose,317.0,317,mg/dL,mg/dl,3017 +746738569,3096492,5441,1,glucose,181.0,181,mg/dL,mg/dl,5441 +742832322,3096492,6870,1,potassium,4.1,4.1,mmol/L,mmol/L,6870 +770777821,3096492,42,7,pH,7.38,7.38,,,42 +743478207,3096492,1131,1,BUN,18.0,18,mg/dL,mg/dL,1131 +750652698,3096492,2567,3,Hgb,11.3,11.3,g/dL,g/dL,2567 +744550291,3096492,3017,1,creatinine,1.15,1.15,mg/dL,mg/dL,3017 +741534923,3096492,648,1,CPK,22.0,22,Units/L,U/L,648 +747643142,3096492,1848,1,calcium,8.6,8.6,mg/dL,mg/dL,1848 +750652699,3096492,2567,3,Hct,36.1,36.1,%,%,2567 +745563148,3096492,5441,1,bicarbonate,37.0,37,mmol/L,mmol/L,5441 +742760323,3096492,265,1,LDH,207.0,207,Units/L,U/L,265 +744550292,3096492,3017,1,sodium,142.0,142,mmol/L,mmol/L,3017 +750652701,3096492,2567,3,MCH,24.9,24.9,pg,pg,2567 +742832324,3096492,6870,1,bicarbonate,38.0,38,mmol/L,mmol/L,6870 +741534922,3096492,648,1,AST (SGOT),29.0,29,Units/L,U/L,648 +743478196,3096492,1131,1,creatinine,0.8,0.80,mg/dL,mg/dL,1131 +750652702,3096492,2567,3,MCHC,31.0,31,g/dL,g/dl,2567 +744550293,3096492,3017,1,potassium,4.4,4.4,mmol/L,mmol/L,3017 +742760324,3096492,265,1,AST (SGOT),29.0,29,Units/L,U/L,265 +747643138,3096492,1848,1,creatinine,0.86,0.86,mg/dL,mg/dL,1848 +750161596,3096492,5441,3,PT - INR,1.1,1.1,ratio,,5441 +738678499,3096492,4029,1,magnesium,2.2,2.2,mg/dL,mg/dL,4029 +741534924,3096492,648,1,troponin - I,0.06,0.06,ng/mL,ng/mL,648 +744550296,3096492,3017,1,calcium,8.8,8.8,mg/dL,mg/dL,3017 +750652696,3096492,2567,3,WBC x 1000,11.9,11.9,K/mcL,k/MM3,2567 +742832320,3096492,6870,1,creatinine,1.05,1.05,mg/dL,mg/dL,6870 +742760325,3096492,265,1,CPK,25.0,25,Units/L,U/L,265 +743478197,3096492,1131,1,LDL,60.0,60,mg/dL,mg/dL,1131 +750652700,3096492,2567,3,MCV,80.0,80,fL,fL,2567 +744550295,3096492,3017,1,bicarbonate,35.0,35,mmol/L,mmol/L,3017 +761428832,3096492,2567,4,BNP,689.7,689.7,pg/mL,pg/mL,2567 +747643137,3096492,1848,1,potassium,3.4,3.4,mmol/L,mmol/L,1848 +750652703,3096492,2567,3,RDW,19.7,19.7,%,%,2567 +745563145,3096492,5441,1,sodium,142.0,142,mmol/L,mmol/L,5441 +741534921,3096492,648,1,LDH,244.0,244,Units/L,U/L,648 +744550294,3096492,3017,1,chloride,103.0,103,mmol/L,mmol/L,3017 +750652704,3096492,2567,3,platelets x 1000,176.0,176,K/mcL,k/mm3,2567 +742832326,3096492,6870,1,total protein,5.1,5.1,g/dL,gm/dL,6870 +761588756,3096492,1131,4,BNP,906.5,906.5,pg/mL,pg/mL,1131 +743478195,3096492,1131,1,potassium,3.9,3.9,mmol/L,mmol/L,1131 +750652705,3096492,2567,3,MPV,9.4,9.4,fL,fl,2567 +762099072,3096492,5846,4,urinary specific gravity,1.015,1.015,,,5846 +742760326,3096492,265,1,troponin - I,0.06,0.06,ng/mL,ng/mL,265 +738678495,3096492,4029,1,potassium,4.3,4.3,mmol/L,mmol/L,4029 +750652697,3096492,2567,3,RBC,4.54,4.54,M/mcL,M/mm3,2567 +762951965,3096492,11,4,urinary specific gravity,1.02,1.020,,,11 +758269042,3096492,1131,3,Hct,33.0,33.0,%,%,1131 +147803782,839119,1264,1,calcium,8.2,8.2,mg/dL,mg/dL,1327 +181208683,839119,1264,3,WBC x 1000,8.8,8.8,K/mcL,K/MM3,1308 +147803778,839119,1264,1,anion gap,5.0,5,,,1327 +181208688,839119,1264,3,MCH,34.8,34.8,pg,pg,1308 +147803774,839119,1264,1,sodium,132.0,132,mmol/L,mmol/L,1327 +181208687,839119,1264,3,MCV,102.0,102,fL,fL,1308 +147803779,839119,1264,1,glucose,117.0,117,mg/dL,mg/dL,1327 +181208689,839119,1264,3,MCHC,34.2,34.2,g/dL,g/dL,1308 +147803780,839119,1264,1,BUN,16.0,16,mg/dL,mg/dL,1327 +143954207,839119,2693,1,glucose,110.0,110,mg/dL,mg/dL,2749 +181208685,839119,1264,3,Hgb,8.9,8.9,g/dL,g/dL,1308 +147803781,839119,1264,1,creatinine,1.1,1.10,mg/dL,mg/dL,1327 +143954208,839119,2693,1,BUN,20.0,20,mg/dL,mg/dL,2749 +181208686,839119,1264,3,Hct,26.0,26.0,%,%,1308 +168244841,839119,2693,3,-basos,0.0,0,%,%,2732 +144599870,839119,4089,1,BUN,24.0,24,mg/dL,mg/dL,4151 +167908138,839119,5611,3,platelets x 1000,169.0,169,K/mcL,K/MM3,5624 +143954209,839119,2693,1,creatinine,0.94,0.94,mg/dL,mg/dL,2749 +167908139,839119,5611,3,MPV,9.2,9.2,fL,fL,5624 +176579948,839119,2693,3,PT - INR,1.2,1.2,ratio,,2739 +167908134,839119,5611,3,Hct,25.6,25.6,%,%,5624 +147803776,839119,1264,1,chloride,101.0,101,mmol/L,mmol/L,1327 +167908135,839119,5611,3,MCV,101.0,101,fL,fL,5624 +143954206,839119,2693,1,anion gap,10.0,10,,,2749 +167908137,839119,5611,3,MCHC,34.0,34.0,g/dL,g/dL,5624 +181208690,839119,1264,3,platelets x 1000,152.0,152,K/mcL,K/MM3,1308 +168244839,839119,2693,3,-monos,12.0,12,%,%,2732 +144599869,839119,4089,1,glucose,97.0,97,mg/dL,mg/dL,4151 +167908136,839119,5611,3,MCH,34.3,34.3,pg,pg,5624 +143954203,839119,2693,1,potassium,3.8,3.8,mmol/L,mmol/L,2749 +167908131,839119,5611,3,WBC x 1000,9.9,9.9,K/mcL,K/MM3,5624 +176464533,839119,5611,3,PTT,24.0,24,sec,second(s),5643 +168244840,839119,2693,3,-eos,0.0,0,%,%,2732 +147803775,839119,1264,1,potassium,4.1,4.1,mmol/L,mmol/L,1327 +171919920,839119,2693,3,MCHC,34.9,34.9,g/dL,g/dL,2732 +143954202,839119,2693,1,sodium,130.0,130,mmol/L,mmol/L,2749 +186151616,839119,5611,3,-polys,81.0,81,%,%,5624 +167908133,839119,5611,3,Hgb,8.7,8.7,g/dL,g/dL,5624 +181208691,839119,1264,3,MPV,9.6,9.6,fL,fL,1308 +186523678,839119,2693,3,PTT,24.0,24,sec,second(s),2739 +171919917,839119,2693,3,Hct,23.8,23.8,%,%,2732 +144599871,839119,4089,1,creatinine,0.99,0.99,mg/dL,mg/dL,4151 +187136616,839119,2693,3,RBC,2.35,2.35,M/mcL,M/MM3,2732 +168244838,839119,2693,3,-lymphs,12.0,12,%,%,2732 +143954205,839119,2693,1,bicarbonate,23.0,23,mmol/L,mmol/L,2749 +186151619,839119,5611,3,-eos,1.0,1,%,%,5624 +171919918,839119,2693,3,MCV,101.0,101,fL,fL,2732 +176579947,839119,2693,3,PT,14.7,14.7,sec,second(s),2739 +187136617,839119,2693,3,Hgb,8.3,8.3,g/dL,g/dL,2732 +168244837,839119,2693,3,-polys,75.0,75,%,%,2732 +161984554,839119,4089,1,bicarbonate,26.0,26,mmol/L,mmol/L,4151 +186151617,839119,5611,3,-lymphs,8.0,8,%,%,5624 +171919921,839119,2693,3,platelets x 1000,147.0,147,K/mcL,K/MM3,2732 +147803777,839119,1264,1,bicarbonate,26.0,26,mmol/L,mmol/L,1327 +187136615,839119,2693,3,WBC x 1000,8.4,8.4,K/mcL,K/MM3,2732 +167908132,839119,5611,3,RBC,2.54,2.54,M/mcL,M/MM3,5624 +161984553,839119,4089,1,chloride,98.0,98,mmol/L,mmol/L,4151 +186151618,839119,5611,3,-monos,10.0,10,%,%,5624 +171919919,839119,2693,3,MCH,35.3,35.3,pg,pg,2732 +143954204,839119,2693,1,chloride,97.0,97,mmol/L,mmol/L,2749 +145397300,839119,334,1,magnesium,2.5,2.5,mg/dL,mg/dL,370 +172460992,839119,5611,3,-basos,0.0,0,%,%,5624 +165305196,839119,5611,1,potassium,3.9,3.9,mmol/L,mmol/L,5645 +155521568,839119,1264,1,magnesium,2.2,2.2,mg/dL,mg/dL,1327 +171919922,839119,2693,3,MPV,9.3,9.3,fL,fL,2732 +161984552,839119,4089,1,potassium,3.9,3.9,mmol/L,mmol/L,4151 +141902515,839119,5611,1,creatinine,0.93,0.93,mg/dL,mg/dL,5645 +181208684,839119,1264,3,RBC,2.56,2.56,M/mcL,M/MM3,1308 +141902516,839119,5611,1,total protein,6.2,6.2,g/dL,g/dL,5645 +165305197,839119,5611,1,chloride,101.0,101,mmol/L,mmol/L,5645 +141902520,839119,5611,1,ALT (SGPT),52.0,52,Units/L,IU/L,5645 +161984555,839119,4089,1,anion gap,7.0,7,,,4151 +141902518,839119,5611,1,calcium,8.1,8.1,mg/dL,mg/dL,5645 +144599872,839119,4089,1,calcium,8.2,8.2,mg/dL,mg/dL,4151 +141902521,839119,5611,1,AST (SGOT),85.0,85,Units/L,IU/L,5645 +178704412,839119,5611,3,PT,14.4,14.4,sec,second(s),5643 +141902522,839119,5611,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,5645 +161984551,839119,4089,1,sodium,131.0,131,mmol/L,mmol/L,4151 +141902513,839119,5611,1,glucose,100.0,100,mg/dL,mg/dL,5645 +143954210,839119,2693,1,calcium,8.4,8.4,mg/dL,mg/dL,2749 +141902511,839119,5611,1,bicarbonate,23.0,23,mmol/L,mmol/L,5645 +165305195,839119,5611,1,sodium,133.0,133,mmol/L,mmol/L,5645 +141902517,839119,5611,1,albumin,2.8,2.8,g/dL,g/dL,5645 +152379845,839119,334,1,potassium,4.4,4.4,mmol/L,mmol/L,372 +141902512,839119,5611,1,anion gap,9.0,9,,,5645 +178704413,839119,5611,3,PT - INR,1.2,1.2,ratio,,5643 +141902519,839119,5611,1,alkaline phos.,49.0,49,Units/L,IU/L,5645 +190164797,839119,2863,4,bedside glucose,115.0,115,mg/dL,mg/dL,2863 +141902514,839119,5611,1,BUN,25.0,25,mg/dL,mg/dL,5645 +293015894,1259416,2612,1,chloride,104.0,104,mmol/L,mEq/L,2636 +293015893,1259416,2612,1,glucose,126.0,126,mg/dL,mg/dL,2636 +293015895,1259416,2612,1,BUN,24.9,24.9,mg/dL,mg/dL,2636 +293015891,1259416,2612,1,calcium,8.3,8.3,mg/dL,mg/dL,2636 +293015892,1259416,2612,1,ALT (SGPT),6.0,6,Units/L,U/L,2636 +293015882,1259416,2612,1,potassium,4.2,4.2,mmol/L,mEq/L,2636 +293015881,1259416,2612,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,2636 +306998308,1259416,2612,3,MPV,11.5,11.5,fL,fL,2617 +293015885,1259416,2612,1,anion gap,9.0,9.0,,,2636 +306998309,1259416,2612,3,RBC,2.66,2.66,M/mcL,x10 6/uL,2617 +293015887,1259416,2612,1,sodium,137.0,137,mmol/L,mEq/L,2636 +306998310,1259416,2612,3,Hct,26.4,26.4,%,%,2617 +295800570,1259416,1187,1,sodium,138.0,138,mmol/L,mEq/L,1213 +293015888,1259416,2612,1,albumin,2.6,2.6,g/dL,g/dL,2636 +295800567,1259416,1187,1,alkaline phos.,63.0,63,Units/L,U/L,1213 +306998315,1259416,2612,3,MCHC,32.2,32.2,g/dL,g/dL,2617 +295800571,1259416,1187,1,albumin,2.7,2.7,g/dL,g/dL,1213 +293015886,1259416,2612,1,AST (SGOT),24.0,24,Units/L,U/L,2636 +295800564,1259416,1187,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,1213 +306998311,1259416,2612,3,MCV,99.2,99.2,fL,fL,2617 +295800569,1259416,1187,1,AST (SGOT),33.0,33,Units/L,U/L,1213 +310602361,1259416,4136,3,MPV,11.6,11.6,fL,fL,4142 +292973650,1259416,1187,1,CPK,143.0,143,Units/L,U/L,1213 +295598706,1259416,4136,1,potassium,4.2,4.2,mmol/L,mEq/L,4168 +306108121,1259416,10192,3,MCH,31.8,31.8,pg,pg,10209 +295598708,1259416,4136,1,alkaline phos.,64.0,64,Units/L,U/L,4168 +295800565,1259416,1187,1,potassium,4.0,4.0,mmol/L,mEq/L,1213 +295598705,1259416,4136,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,4168 +310602362,1259416,4136,3,RBC,2.61,2.61,M/mcL,x10 6/uL,4142 +295980793,1259416,4136,1,magnesium,1.8,1.8,mg/dL,mg/dL,4168 +306998316,1259416,2612,3,platelets x 1000,120.0,120,K/mcL,x10 3/uL,2617 +295598707,1259416,4136,1,creatinine,3.4,3.4,mg/dL,mg/dL,4168 +306108124,1259416,10192,3,MPV,10.9,10.9,fL,fL,10209 +295598719,1259416,4136,1,BUN,16.5,16.5,mg/dL,mg/dL,4168 +295800575,1259416,1187,1,ALT (SGPT),6.0,6,Units/L,U/L,1213 +311000745,1259416,1187,3,Fe/TIBC Ratio,30.0,30,%,%,1449 +310602363,1259416,4136,3,Hct,25.6,25.6,%,%,4142 +295598718,1259416,4136,1,chloride,103.0,103,mmol/L,mEq/L,4168 +293015889,1259416,2612,1,bicarbonate,24.0,24,mmol/L,mEq/L,2636 +306095595,1259416,1187,3,MCHC,32.2,32.2,g/dL,g/dL,1194 +306108120,1259416,10192,3,MCV,96.2,96.2,fL,fL,10209 +295598710,1259416,4136,1,AST (SGOT),19.0,19,Units/L,U/L,4168 +295800568,1259416,1187,1,anion gap,8.0,8.0,,,1213 +304668967,1259416,2612,3,TIBC,195.0,195,mcg/dL,ug/dL,2759 +310602367,1259416,4136,3,MCH,32.2,32.2,pg,pg,4142 +295598711,1259416,4136,1,sodium,136.0,136,mmol/L,mEq/L,4168 +306998312,1259416,2612,3,Hgb,8.5,8.5,g/dL,g/dL,2617 +311000746,1259416,1187,3,Fe,54.0,54,mcg/dL,ug/dL,1449 +306108122,1259416,10192,3,MCHC,33.1,33.1,g/dL,g/dL,10209 +295598717,1259416,4136,1,glucose,99.0,99,mg/dL,mg/dL,4168 +295800573,1259416,1187,1,total protein,4.6,4.6,g/dL,g/dL,1213 +306095594,1259416,1187,3,MCH,32.4,32.4,pg,pg,1194 +310602369,1259416,4136,3,platelets x 1000,120.0,120,K/mcL,x10 3/uL,4142 +300686716,1259416,10192,1,potassium,4.5,4.5,mmol/L,mEq/L,10228 +293015890,1259416,2612,1,total protein,4.8,4.8,g/dL,g/dL,2636 +295598709,1259416,4136,1,anion gap,9.0,9.0,,,4168 +306108118,1259416,10192,3,Hgb,8.3,8.3,g/dL,g/dL,10209 +300686717,1259416,10192,1,chloride,102.0,102,mmol/L,mEq/L,10228 +295800572,1259416,1187,1,bicarbonate,26.0,26,mmol/L,mEq/L,1213 +304668965,1259416,2612,3,Fe/TIBC Ratio,34.0,34,%,%,2759 +310602368,1259416,4136,3,MCHC,32.8,32.8,g/dL,g/dL,4142 +300686723,1259416,10192,1,phosphate,5.9,5.9,mg/dL,mg/dL,10228 +306998313,1259416,2612,3,WBC x 1000,4.66,4.66,K/mcL,x10 3/uL,2617 +295598715,1259416,4136,1,calcium,8.1,8.1,mg/dL,mg/dL,4168 +306108123,1259416,10192,3,platelets x 1000,185.0,185,K/mcL,x10 3/uL,10209 +300686721,1259416,10192,1,creatinine,5.4,5.4,mg/dL,mg/dL,10228 +295800566,1259416,1187,1,creatinine,3.5,3.5,mg/dL,mg/dL,1213 +311000747,1259416,1187,3,TIBC,181.0,181,mcg/dL,ug/dL,1449 +310602366,1259416,4136,3,WBC x 1000,5.48,5.48,K/mcL,x10 3/uL,4142 +300686722,1259416,10192,1,albumin,2.3,2.3,g/dL,g/dL,10228 +293015883,1259416,2612,1,creatinine,4.7,4.7,mg/dL,mg/dL,2636 +295598714,1259416,4136,1,total protein,4.9,4.9,g/dL,g/dL,4168 +306108119,1259416,10192,3,Hct,25.1,25.1,%,%,10209 +300686714,1259416,10192,1,glucose,73.0,73,mg/dL,mg/dL,10228 +295800577,1259416,1187,1,chloride,104.0,104,mmol/L,mEq/L,1213 +306095596,1259416,1187,3,platelets x 1000,100.0,100,K/mcL,x10 3/uL,1194 +310602365,1259416,4136,3,Hgb,8.4,8.4,g/dL,g/dL,4142 +293860064,1259416,5878,1,chloride,104.0,104,mmol/L,mEq/L,5932 +300686720,1259416,10192,1,calcium,8.4,8.4,mg/dL,mg/dL,10228 +293860065,1259416,5878,1,bicarbonate,24.0,24,mmol/L,mEq/L,5932 +306998314,1259416,2612,3,MCH,32.0,32.0,pg,pg,2617 +293860069,1259416,5878,1,albumin,2.2,2.2,g/dL,g/dL,5932 +295598713,1259416,4136,1,bicarbonate,24.0,24,mmol/L,mEq/L,4168 +293860062,1259416,5878,1,sodium,136.0,136,mmol/L,mEq/L,5932 +306108116,1259416,10192,3,WBC x 1000,4.46,4.46,K/mcL,x10 3/uL,10209 +293860061,1259416,5878,1,glucose,135.0,135,mg/dL,mg/dL,5932 +310891946,1259416,5878,3,RBC,2.47,2.47,M/mcL,x10 6/uL,5904 +293860071,1259416,5878,1,anion gap,8.0,8.0,,,5932 +300686719,1259416,10192,1,BUN,35.7,35.7,mg/dL,mg/dL,10228 +293860066,1259416,5878,1,BUN,23.5,23.5,mg/dL,mg/dL,5932 +295800578,1259416,1187,1,BUN,15.0,15.0,mg/dL,mg/dL,1213 +293860068,1259416,5878,1,creatinine,4.4,4.4,mg/dL,mg/dL,5932 +310891951,1259416,5878,3,MCHC,32.6,32.6,g/dL,g/dL,5904 +293860070,1259416,5878,1,phosphate,4.0,4.0,mg/dL,mg/dL,5932 +304668966,1259416,2612,3,Fe,66.0,66,mcg/dL,ug/dL,2759 +293860063,1259416,5878,1,potassium,4.3,4.3,mmol/L,mEq/L,5932 +312007328,1259416,4136,3,Fe,24.0,24,mcg/dL,ug/dL,4330 +302010179,1259416,1187,1,magnesium,1.7,1.7,mg/dL,mg/dL,1213 +310891952,1259416,5878,3,platelets x 1000,110.0,110,K/mcL,x10 3/uL,5904 +293860067,1259416,5878,1,calcium,8.4,8.4,mg/dL,mg/dL,5932 +300686715,1259416,10192,1,sodium,137.0,137,mmol/L,mEq/L,10228 +312712846,1259416,662,4,urinary specific gravity,1.024,1.024,,,689 +293015884,1259416,2612,1,alkaline phos.,76.0,76,Units/L,U/L,2636 +302963592,1259416,810,1,CPK,191.0,191,Units/L,U/L,840 +310891953,1259416,5878,3,MPV,11.4,11.4,fL,fL,5904 +313209777,1259416,4502,4,urinary specific gravity,1.029,1.029,,,4548 +300786841,1259416,1187,1,troponin - I,4.43,4.43,ng/mL,ng/mL,1220 +295598716,1259416,4136,1,ALT (SGPT),6.0,6,Units/L,U/L,4168 +293470506,1259416,5654,1,HDL,38.0,38,mg/dL,mg/dL,5899 +310602364,1259416,4136,3,MCV,98.1,98.1,fL,fL,4142 +293470504,1259416,5654,1,total cholesterol,128.0,128,mg/dL,mg/dL,5899 +310891947,1259416,5878,3,Hgb,7.9,7.9,g/dL,g/dL,5904 +293470505,1259416,5654,1,triglycerides,64.0,64,mg/dL,mg/dL,5899 +300686724,1259416,10192,1,anion gap,11.0,11.0,,,10228 +300413072,1259416,2612,1,phosphate,5.2,5.2,mg/dL,mg/dL,2636 +295800574,1259416,1187,1,calcium,8.2,8.2,mg/dL,mg/dL,1213 +304940024,1259416,1549,3,MCV,100.4,100.4,fL,fL,1563 +310891949,1259416,5878,3,MCV,98.0,98.0,fL,fL,5904 +304940025,1259416,1549,3,Hgb,8.3,8.3,g/dL,g/dL,1563 +294530068,1259416,4136,1,phosphate,4.0,4.0,mg/dL,mg/dL,4168 +304940021,1259416,1549,3,MPV,10.7,10.7,fL,fL,1563 +312007329,1259416,4136,3,TIBC,199.0,199,mcg/dL,ug/dL,4330 +304940022,1259416,1549,3,RBC,2.58,2.58,M/mcL,x10 6/uL,1563 +310891945,1259416,5878,3,WBC x 1000,4.56,4.56,K/mcL,x10 3/uL,5904 +304940023,1259416,1549,3,Hct,25.9,25.9,%,%,1563 +300686718,1259416,10192,1,bicarbonate,24.0,24,mmol/L,mEq/L,10228 +311943347,1259416,1187,3,Hct,24.2,24.2,%,%,1194 +296844485,1259416,2612,1,magnesium,2.5,2.5,mg/dL,mg/dL,2636 +304940026,1259416,1549,3,WBC x 1000,3.72,3.72,K/mcL,x10 3/uL,1563 +310891948,1259416,5878,3,Hct,24.2,24.2,%,%,5904 +311943346,1259416,1187,3,RBC,2.41,2.41,M/mcL,x10 6/uL,1194 +293342162,1259416,810,1,troponin - I,4.95,4.95,ng/mL,ng/mL,840 +304940029,1259416,1549,3,platelets x 1000,101.0,101,K/mcL,x10 3/uL,1563 +306108117,1259416,10192,3,RBC,2.61,2.61,M/mcL,x10 6/uL,10209 +311943345,1259416,1187,3,MPV,10.5,10.5,fL,fL,1194 +310891950,1259416,5878,3,MCH,32.0,32.0,pg,pg,5904 +304940028,1259416,1549,3,MCHC,32.0,32.0,g/dL,g/dL,1563 +299444294,1259416,6405,1,potassium,4.5,4.5,mmol/L,mEq/L,6423 +311943348,1259416,1187,3,MCV,100.4,100.4,fL,fL,1194 +295800576,1259416,1187,1,glucose,87.0,87,mg/dL,mg/dL,1213 +298953665,1259416,5873,1,magnesium,2.0,2.0,mg/dL,mg/dL,6215 +300407029,1259416,6405,1,magnesium,2.0,2.0,mg/dL,mg/dL,6423 +311943350,1259416,1187,3,WBC x 1000,3.47,3.47,K/mcL,x10 3/uL,1194 +295598712,1259416,4136,1,albumin,2.5,2.5,g/dL,g/dL,4168 +304940027,1259416,1549,3,MCH,32.2,32.2,pg,pg,1563 +312007330,1259416,4136,3,Fe/TIBC Ratio,12.0,12,%,%,4330 +311943349,1259416,1187,3,Hgb,7.8,7.8,g/dL,g/dL,1194 +294091303,1259416,1187,1,phosphate,4.0,4.0,mg/dL,mg/dL,1213 +178796441,876430,3781,3,RDW,13.0,13.0,%,%,3817 +178796442,876430,3781,3,platelets x 1000,128.0,128,K/mcL,K/MM3,3817 +151634351,876430,746,1,BUN,26.0,26,mg/dL,mg/dL,804 +178796434,876430,3781,3,WBC x 1000,6.4,6.4,K/mcL,K/MM3,3817 +151634348,876430,746,1,calcium,8.3,8.3,mg/dL,mg/dL,804 +178796440,876430,3781,3,MCHC,35.1,35.1,g/dL,g/dL,3817 +151751323,876430,2366,1,anion gap,8.0,8,,,2417 +151634349,876430,746,1,glucose,99.0,99,mg/dL,mg/dL,804 +151751322,876430,2366,1,bicarbonate,26.0,26,mmol/L,mmol/L,2417 +178796443,876430,3781,3,MPV,10.5,10.5,fL,fL,3817 +151751324,876430,2366,1,glucose,94.0,94,mg/dL,mg/dL,2417 +151634343,876430,746,1,potassium,4.3,4.3,mmol/L,mmol/L,804 +151751321,876430,2366,1,chloride,106.0,106,mmol/L,mmol/L,2417 +178796437,876430,3781,3,Hct,32.2,32.2,%,%,3817 +151751319,876430,2366,1,sodium,140.0,140,mmol/L,mmol/L,2417 +151634344,876430,746,1,creatinine,1.12,1.12,mg/dL,mg/dL,804 +151751320,876430,2366,1,potassium,3.8,3.8,mmol/L,mmol/L,2417 +172515227,876430,2366,3,platelets x 1000,93.0,93,K/mcL,K/MM3,2472 +178796439,876430,3781,3,MCH,31.4,31.4,pg,pg,3817 +151751325,876430,2366,1,BUN,26.0,26,mg/dL,mg/dL,2417 +172515228,876430,2366,3,MPV,10.9,10.9,fL,fL,2472 +151634345,876430,746,1,anion gap,6.0,6,,,804 +151751332,876430,2366,1,AST (SGOT),51.0,51,Units/L,IU/L,2417 +172515225,876430,2366,3,MCHC,34.4,34.4,g/dL,g/dL,2472 +178796438,876430,3781,3,MCV,89.0,89,fL,fL,3817 +151751333,876430,2366,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,2417 +172515224,876430,2366,3,MCH,30.9,30.9,pg,pg,2472 +151634346,876430,746,1,sodium,137.0,137,mmol/L,mmol/L,804 +151751331,876430,2366,1,ALT (SGPT),55.0,55,Units/L,IU/L,2417 +172515226,876430,2366,3,RDW,13.3,13.3,%,%,2472 +178796436,876430,3781,3,Hgb,11.3,11.3,g/dL,g/dL,3817 +155440491,876430,3781,1,creatinine,1.09,1.09,mg/dL,mg/dL,3840 +151751330,876430,2366,1,alkaline phos.,44.0,44,Units/L,IU/L,2417 +155440492,876430,3781,1,total protein,5.4,5.4,g/dL,g/dL,3840 +172515221,876430,2366,3,Hgb,10.3,10.3,g/dL,g/dL,2472 +155440494,876430,3781,1,calcium,8.4,8.4,mg/dL,mg/dL,3840 +151634347,876430,746,1,bicarbonate,24.0,24,mmol/L,mmol/L,804 +155440493,876430,3781,1,albumin,3.1,3.1,g/dL,g/dL,3840 +151751329,876430,2366,1,calcium,8.2,8.2,mg/dL,mg/dL,2417 +155440484,876430,3781,1,sodium,140.0,140,mmol/L,mmol/L,3840 +172515222,876430,2366,3,Hct,29.9,29.9,%,%,2472 +155440496,876430,3781,1,ALT (SGPT),48.0,48,Units/L,IU/L,3840 +178796435,876430,3781,3,RBC,3.6,3.60,M/mcL,M/MM3,3817 +155440488,876430,3781,1,anion gap,9.0,9,,,3840 +151751327,876430,2366,1,total protein,5.3,5.3,g/dL,g/dL,2417 +155440489,876430,3781,1,glucose,88.0,88,mg/dL,mg/dL,3840 +172515220,876430,2366,3,RBC,3.33,3.33,M/mcL,M/MM3,2472 +155440487,876430,3781,1,bicarbonate,28.0,28,mmol/L,mmol/L,3840 +191560277,876430,3781,4,TSH,2.51,2.51,mcU/ml,mIU/L,3846 +155440497,876430,3781,1,AST (SGOT),40.0,40,Units/L,IU/L,3840 +177455539,876430,746,3,MCH,31.6,31.6,pg,pg,811 +151751326,876430,2366,1,creatinine,1.01,1.01,mg/dL,mg/dL,2421 +155440498,876430,3781,1,total bilirubin,1.2,1.2,mg/dL,mg/dL,3840 +177455540,876430,746,3,MCHC,34.6,34.6,g/dL,g/dL,811 +172515223,876430,2366,3,MCV,90.0,90,fL,fL,2472 +155440486,876430,3781,1,chloride,103.0,103,mmol/L,mmol/L,3840 +177455532,876430,746,3,MPV,11.3,11.3,fL,fL,811 +151634350,876430,746,1,chloride,107.0,107,mmol/L,mmol/L,804 +155440485,876430,3781,1,potassium,3.5,3.5,mmol/L,mmol/L,3840 +177455538,876430,746,3,RDW,13.6,13.6,%,%,811 +151751328,876430,2366,1,albumin,3.0,3.0,g/dL,g/dL,2417 +155440490,876430,3781,1,BUN,21.0,21,mg/dL,mg/dL,3840 +177455533,876430,746,3,RBC,3.39,3.39,M/mcL,M/MM3,811 +172515219,876430,2366,3,WBC x 1000,6.2,6.2,K/mcL,K/MM3,2472 +155440495,876430,3781,1,alkaline phos.,50.0,50,Units/L,IU/L,3840 +177455534,876430,746,3,Hct,30.9,30.9,%,%,811 +169287288,876430,3781,3,PT,16.9,16.9,sec,second(s),3827 +177455537,876430,746,3,WBC x 1000,8.3,8.3,K/mcL,K/MM3,811 +186184606,876430,746,3,PT,16.1,16.1,sec,second(s),794 +177455535,876430,746,3,MCV,91.0,91,fL,fL,811 +169287289,876430,3781,3,PT - INR,1.4,1.4,ratio,,3827 +177455541,876430,746,3,platelets x 1000,68.0,68,K/mcL,K/MM3,811 +166375909,876430,746,3,PT - INR,1.3,1.3,ratio,,794 +162191796,876430,3781,1,magnesium,1.6,1.6,mg/dL,mg/dL,3840 +183120259,876430,2366,3,PT - INR,1.3,1.3,ratio,,2412 +177455536,876430,746,3,Hgb,10.7,10.7,g/dL,g/dL,811 +183120258,876430,2366,3,PT,16.2,16.2,sec,second(s),2412 +178180203,887139,1278,3,platelets x 1000,250.0,250,K/mcL,K/MM3,1327 +178634100,887139,2712,3,platelets x 1000,271.0,271,K/mcL,K/MM3,2742 +178634101,887139,2712,3,MPV,10.4,10.4,fL,fL,2742 +178634098,887139,2712,3,MCH,32.9,32.9,pg,pg,2742 +178634097,887139,2712,3,MCV,95.0,95,fL,fL,2742 +178634096,887139,2712,3,Hct,30.3,30.3,%,%,2742 +178634095,887139,2712,3,Hgb,10.5,10.5,g/dL,g/dL,2742 +178634099,887139,2712,3,MCHC,34.7,34.7,g/dL,g/dL,2742 +178180201,887139,1278,3,MCH,32.8,32.8,pg,pg,1327 +178180200,887139,1278,3,MCV,96.0,96,fL,fL,1327 +178634093,887139,2712,3,WBC x 1000,6.8,6.8,K/mcL,K/MM3,2742 +178634094,887139,2712,3,RBC,3.19,3.19,M/mcL,M/MM3,2742 +178180197,887139,1278,3,RBC,3.2,3.20,M/mcL,M/MM3,1327 +178180202,887139,1278,3,MCHC,34.2,34.2,g/dL,g/dL,1327 +144635919,887139,2712,1,anion gap,8.0,8,,,2754 +224472687,887139,-2613,7,paO2,175.0,175,mm Hg,mmHg,-2613 +144635918,887139,2712,1,bicarbonate,26.0,26,mmol/L,mmol/L,2754 +178180204,887139,1278,3,MPV,10.3,10.3,fL,fL,1327 +144635917,887139,2712,1,chloride,104.0,104,mmol/L,mmol/L,2754 +157419226,887139,2971,1,magnesium,1.2,1.2,mg/dL,mg/dL,2997 +224472688,887139,-2613,7,paCO2,28.0,28,mm Hg,mmHg,-2613 +153258759,887139,-2613,1,potassium,3.3,3.3,mmol/L,mmol/L,-2613 +153576656,887139,1278,1,magnesium,1.3,1.3,mg/dL,mg/dL,1342 +178180198,887139,1278,3,Hgb,10.5,10.5,g/dL,g/dL,1327 +144635916,887139,2712,1,potassium,3.2,3.2,mmol/L,mmol/L,2754 +156968614,887139,1543,1,potassium,3.8,3.8,mmol/L,mmol/L,2105 +224472689,887139,-2613,7,HCO3,16.0,16,mmol/L,mmol/L,-2613 +181387810,887139,1278,3,-monos,16.0,16,%,%,1327 +160960866,887139,398,1,potassium,3.6,3.6,mmol/L,mmol/L,448 +178180199,887139,1278,3,Hct,30.7,30.7,%,%,1327 +144635915,887139,2712,1,sodium,138.0,138,mmol/L,mmol/L,2754 +188946031,887139,1467,4,bedside glucose,115.0,115,mg/dL,mg/dL,1467 +224472686,887139,-2613,7,pH,7.39,7.39,,,-2613 +153258758,887139,-2613,1,sodium,137.0,137,mmol/L,mmol/L,-2613 +149354041,887139,398,1,magnesium,1.5,1.5,mg/dL,mg/dL,448 +178180196,887139,1278,3,WBC x 1000,8.4,8.4,K/mcL,K/MM3,1327 +144635927,887139,2712,1,ALT (SGPT),45.0,45,Units/L,IU/L,2754 +190944421,887139,1854,4,bedside glucose,103.0,103,mg/dL,mg/dL,1854 +224472690,887139,-2613,7,O2 Sat (%),100.0,100,%,%,-2613 +181387811,887139,1278,3,-basos,0.0,0,%,%,1327 +222402905,887139,-2516,7,paO2,100.0,100,mm Hg,mmHg,-2516 +144635928,887139,2712,1,AST (SGOT),43.0,43,Units/L,IU/L,2754 +222402906,887139,-2516,7,paCO2,29.0,29,mm Hg,mmHg,-2516 +153258757,887139,-2613,1,glucose,104.0,104,mg/dL,mg/dL,-2613 +222402907,887139,-2516,7,HCO3,25.0,25,mmol/L,mmol/L,-2516 +144635922,887139,2712,1,creatinine,0.49,0.49,mg/dL,mg/dL,2754 +222402908,887139,-2516,7,O2 Sat (%),99.0,99,%,%,-2516 +181387809,887139,1278,3,-lymphs,24.0,24,%,%,1327 +222402904,887139,-2516,7,pH,7.55,7.55,,,-2516 +144635923,887139,2712,1,total protein,5.7,5.7,g/dL,g/dL,2754 +189369668,887139,987,4,bedside glucose,91.0,91,mg/dL,mg/dL,987 +188731819,887139,425,4,bedside glucose,97.0,97,mg/dL,mg/dL,425 +163686703,887139,1543,1,magnesium,1.4,1.4,mg/dL,mg/dL,2105 +144635924,887139,2712,1,albumin,2.4,2.4,g/dL,g/dL,2754 +142266395,887139,1278,1,glucose,81.0,81,mg/dL,mg/dL,1342 +189095495,887139,149,4,bedside glucose,103.0,103,mg/dL,mg/dL,149 +142266396,887139,1278,1,BUN,11.0,11,mg/dL,mg/dL,1342 +144635925,887139,2712,1,calcium,8.1,8.1,mg/dL,mg/dL,2754 +142266397,887139,1278,1,creatinine,0.52,0.52,mg/dL,mg/dL,1342 +188736859,887139,2057,4,bedside glucose,144.0,144,mg/dL,mg/dL,2057 +142266399,887139,1278,1,albumin,2.4,2.4,g/dL,g/dL,1342 +181387808,887139,1278,3,-polys,60.0,60,%,%,1327 +142266398,887139,1278,1,total protein,5.7,5.7,g/dL,g/dL,1342 +144635921,887139,2712,1,BUN,7.0,7,mg/dL,mg/dL,2754 +142266393,887139,1278,1,bicarbonate,26.0,26,mmol/L,mmol/L,1342 +177435963,887139,-2613,3,Hgb,7.8,7.8,g/dL,g/dL,-2613 +142266394,887139,1278,1,anion gap,8.0,8,,,1342 +144635920,887139,2712,1,glucose,135.0,135,mg/dL,mg/dL,2754 +142266400,887139,1278,1,calcium,8.3,8.3,mg/dL,mg/dL,1342 +187761190,887139,730,4,bedside glucose,98.0,98,mg/dL,mg/dL,730 +142266391,887139,1278,1,potassium,3.1,3.1,mmol/L,mmol/L,1342 +165865467,887139,2712,3,-basos,0.0,0,%,%,2742 +142266402,887139,1278,1,ALT (SGPT),37.0,37,Units/L,IU/L,1342 +144635926,887139,2712,1,alkaline phos.,81.0,81,Units/L,IU/L,2754 +142266403,887139,1278,1,AST (SGOT),39.0,39,Units/L,IU/L,1342 +142684143,887139,1278,1,phosphate,3.1,3.1,mg/dL,mg/dL,1342 +142266404,887139,1278,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,1342 +165865466,887139,2712,3,-monos,20.0,20,%,%,2742 +145977547,887139,-2516,1,potassium,3.2,3.2,mmol/L,mmol/L,-2516 +177435962,887139,-2613,3,Hct,23.0,23.0,%,%,-2613 +142266392,887139,1278,1,chloride,103.0,103,mmol/L,mmol/L,1342 +142828166,887139,2712,1,phosphate,2.7,2.7,mg/dL,mg/dL,2754 +145977545,887139,-2516,1,glucose,142.0,142,mg/dL,mg/dL,-2516 +165865464,887139,2712,3,-polys,56.0,56,%,%,2742 +142266390,887139,1278,1,sodium,137.0,137,mmol/L,mmol/L,1342 +144635929,887139,2712,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,2754 +171304079,887139,-2516,3,Hct,33.0,33.0,%,%,-2516 +161711693,887139,2712,1,magnesium,1.3,1.3,mg/dL,mg/dL,2754 +145977546,887139,-2516,1,sodium,142.0,142,mmol/L,mmol/L,-2516 +165865465,887139,2712,3,-lymphs,24.0,24,%,%,2742 +171304080,887139,-2516,3,Hgb,11.2,11.2,g/dL,g/dL,-2516 +191311775,887139,1180,4,bedside glucose,95.0,95,mg/dL,mg/dL,1180 +142266401,887139,1278,1,alkaline phos.,58.0,58,Units/L,IU/L,1342 +488062452,2032114,3331,1,glucose,120.0,120,mg/dL,mg/dL,3331 +488062453,2032114,3331,1,anion gap,16.0,16,,mmol/L,3331 +488062446,2032114,3331,1,potassium,4.0,4.0,mmol/L,mmol/L,3331 +488062447,2032114,3331,1,chloride,92.0,92,mmol/L,mmol/L,3331 +488062448,2032114,3331,1,bicarbonate,18.0,18,mmol/L,mmol/L,3331 +488062449,2032114,3331,1,calcium,7.5,7.5,mg/dL,mg/dL,3331 +488062445,2032114,3331,1,sodium,126.0,126,mmol/L,mmol/L,3331 +515671719,2032114,13907,4,bedside glucose,85.0,85,mg/dL,mg/dL,13907 +488062450,2032114,3331,1,BUN,40.0,40,mg/dL,mg/dL,3331 +516068727,2032114,6694,4,bedside glucose,132.0,132,mg/dL,mg/dL,6694 +488062451,2032114,3331,1,creatinine,1.35,1.35,mg/dL,mg/dL,3331 +514985923,2032114,15325,4,bedside glucose,135.0,135,mg/dL,mg/dL,15325 +488062443,2032114,3331,1,magnesium,1.4,1.4,mg/dL,mg/dL,3331 +515625566,2032114,5258,4,bedside glucose,147.0,147,mg/dL,mg/dL,5258 +495665853,2032114,13461,1,glucose,102.0,102,mg/dL,mg/dL,13461 +488062444,2032114,3331,1,phosphate,4.3,4.3,mg/dL,mg/dL,3331 +495665855,2032114,13461,1,phosphate,3.5,3.5,mg/dL,mg/dL,13461 +514915502,2032114,21083,4,bedside glucose,90.0,90,mg/dL,mg/dL,21083 +495665854,2032114,13461,1,albumin,2.5,2.5,g/dL,g/dL,13461 +514925445,2032114,8080,4,bedside glucose,150.0,150,mg/dL,mg/dL,8080 +492230057,2032114,14921,1,anion gap,16.0,16,,mmol/L,14921 +483765818,2032114,13926,1,calcium,7.5,7.5,mg/dL,mg/dL,13926 +495665852,2032114,13461,1,creatinine,1.38,1.38,mg/dL,mg/dL,13461 +485723432,2032114,7641,1,chloride,80.0,80,mmol/L,mmol/L,7641 +492230049,2032114,14921,1,chloride,94.0,94,mmol/L,mmol/L,14921 +483765819,2032114,13926,1,BUN,55.0,55,mg/dL,mg/dL,13926 +495665849,2032114,13461,1,bicarbonate,26.0,26,mmol/L,mmol/L,13461 +485723439,2032114,7641,1,phosphate,5.7,5.7,mg/dL,mg/dL,7641 +492230056,2032114,14921,1,phosphate,3.7,3.7,mg/dL,mg/dL,14921 +483765816,2032114,13926,1,chloride,94.0,94,mmol/L,mmol/L,13926 +495665850,2032114,13461,1,calcium,7.4,7.4,mg/dL,mg/dL,13461 +485723438,2032114,7641,1,albumin,1.9,1.9,g/dL,g/dL,7641 +492230053,2032114,14921,1,creatinine,1.43,1.43,mg/dL,mg/dL,14921 +483765817,2032114,13926,1,bicarbonate,25.0,25,mmol/L,mmol/L,13926 +495665847,2032114,13461,1,potassium,2.3,2.3,mmol/L,mmol/L,13461 +485723440,2032114,7641,1,anion gap,21.0,21,,mmol/L,7641 +492230054,2032114,14921,1,glucose,132.0,132,mg/dL,mg/dL,14921 +483765820,2032114,13926,1,creatinine,1.44,1.44,mg/dL,mg/dL,13926 +495665846,2032114,13461,1,sodium,133.0,133,mmol/L,mmol/L,13461 +485723430,2032114,7641,1,sodium,121.0,121,mmol/L,mmol/L,7641 +485188641,2032114,6262,1,chloride,84.0,84,mmol/L,mmol/L,6262 +492230047,2032114,14921,1,sodium,134.0,134,mmol/L,mmol/L,14921 +485188642,2032114,6262,1,bicarbonate,19.0,19,mmol/L,mmol/L,6262 +483765821,2032114,13926,1,glucose,90.0,90,mg/dL,mg/dL,13926 +485188342,2032114,541,1,potassium,2.9,2.9,mmol/L,mmol/L,541 +495665856,2032114,13461,1,anion gap,16.0,16,,mmol/L,13461 +485188643,2032114,6262,1,calcium,6.1,6.1,mg/dL,mg/dL,6262 +485723437,2032114,7641,1,glucose,146.0,146,mg/dL,mg/dL,7641 +485188350,2032114,541,1,BUN,28.0,28,mg/dL,mg/dL,541 +495523901,2032114,16401,1,albumin,2.1,2.1,g/dL,g/dL,16401 +485188343,2032114,541,1,creatinine,0.66,0.66,mg/dL,mg/dL,541 +483765825,2032114,13926,1,magnesium,1.6,1.6,mg/dL,mg/dL,13926 +485188645,2032114,6262,1,creatinine,2.17,2.17,mg/dL,mg/dL,6262 +492230055,2032114,14921,1,albumin,2.2,2.2,g/dL,g/dL,14921 +485188344,2032114,541,1,anion gap,15.0,15,,mmol/L,541 +485723434,2032114,7641,1,calcium,6.4,6.4,mg/dL,mg/dL,7641 +485188638,2032114,6262,1,magnesium,2.2,2.2,mg/dL,mg/dL,6262 +495523902,2032114,16401,1,phosphate,2.5,2.5,mg/dL,mg/dL,16401 +485188639,2032114,6262,1,sodium,124.0,124,mmol/L,mmol/L,6262 +483765814,2032114,13926,1,sodium,135.0,135,mmol/L,mmol/L,13926 +485188644,2032114,6262,1,BUN,51.0,51,mg/dL,mg/dL,6262 +495665848,2032114,13461,1,chloride,91.0,91,mmol/L,mmol/L,13461 +485188646,2032114,6262,1,glucose,153.0,153,mg/dL,mg/dL,6262 +485723435,2032114,7641,1,BUN,59.0,59,mg/dL,mg/dL,7641 +510400509,2032114,20641,3,MCV,95.3,95.3,fL,fL,20641 +485188348,2032114,541,1,glucose,75.0,75,mg/dL,mg/dL,541 +495523893,2032114,16401,1,sodium,136.0,136,mmol/L,mmol/L,16401 +512790613,2032114,14921,3,MCHC,35.6,35.6,g/dL,g/dL,14921 +485188648,2032114,6262,1,phosphate,5.4,5.4,mg/dL,mg/dL,6262 +483765815,2032114,13926,1,potassium,3.1,3.1,mmol/L,mmol/L,13926 +510400508,2032114,20641,3,Hct,30.7,30.7,%,%,20641 +536535229,2032114,2262,7,paO2,75.0,75,mm Hg,mm Hg,2262 +492230048,2032114,14921,1,potassium,2.7,2.7,mmol/L,mmol/L,14921 +512790620,2032114,14921,3,-eos,0.0,0,%,%,14921 +485188649,2032114,6262,1,anion gap,21.0,21,,mmol/L,6262 +485723429,2032114,7641,1,magnesium,2.1,2.1,mg/dL,mg/dL,7641 +510400506,2032114,20641,3,RBC,3.22,3.22,M/mcL,M/uL,20641 +536535231,2032114,2262,7,Base Excess,-7.4,-7.4,mEq/L,mmol/L,2262 +495523896,2032114,16401,1,bicarbonate,25.0,25,mmol/L,mmol/L,16401 +512790621,2032114,14921,3,-basos,0.0,0,%,%,14921 +515855083,2032114,13148,4,bedside glucose,97.0,97,mg/dL,mg/dL,13148 +483765822,2032114,13926,1,albumin,2.4,2.4,g/dL,g/dL,13926 +510400511,2032114,20641,3,MCHC,32.2,32.2,g/dL,g/dL,20641 +485188647,2032114,6262,1,albumin,1.7,1.7,g/dL,g/dL,6262 +500748518,2032114,6262,3,WBC x 1000,24.5,24.5,K/mcL,K/uL,6262 +495665851,2032114,13461,1,BUN,51.0,51,mg/dL,mg/dL,13461 +500993337,2032114,19291,3,MCHC,33.2,33.2,g/dL,g/dL,19291 +512790614,2032114,14921,3,RDW,14.9,14.9,%,%,14921 +500748520,2032114,6262,3,Hgb,7.8,7.8,g/dL,g/dL,6262 +515038301,2032114,10283,4,bedside glucose,138.0,138,mg/dL,mg/dL,10283 +500748519,2032114,6262,3,RBC,2.76,2.76,M/mcL,M/uL,6262 +485723431,2032114,7641,1,potassium,4.1,4.1,mmol/L,mmol/L,7641 +500748531,2032114,6262,3,-eos,0.0,0,%,%,6262 +510400505,2032114,20641,3,WBC x 1000,10.5,10.5,K/mcL,K/uL,20641 +500993338,2032114,19291,3,RDW,16.4,16.4,%,%,19291 +536535230,2032114,2262,7,HCO3,20.0,20,mmol/L,mmol/L,2262 +500748521,2032114,6262,3,Hct,22.7,22.7,%,%,6262 +495523897,2032114,16401,1,calcium,7.9,7.9,mg/dL,mg/dL,16401 +500748528,2032114,6262,3,-polys,93.0,93,%,%,6262 +512790609,2032114,14921,3,Hgb,9.3,9.3,g/dL,g/dL,14921 +500748529,2032114,6262,3,-lymphs,1.0,1,%,%,6262 +514874354,2032114,20382,4,bedside glucose,77.0,77,mg/dL,mg/dL,20382 +500748527,2032114,6262,3,MPV,9.6,9.6,fL,fL,6262 +483765823,2032114,13926,1,phosphate,3.4,3.4,mg/dL,mg/dL,13926 +500748522,2032114,6262,3,MCV,82.2,82.2,fL,fL,6262 +510400507,2032114,20641,3,Hgb,9.9,9.9,g/dL,g/dL,20641 +500748530,2032114,6262,3,-monos,5.0,5,%,%,6262 +515524710,2032114,-2106,4,urinary specific gravity,1.013,1.013,,,-2106 +500993331,2032114,19291,3,WBC x 1000,11.3,11.3,K/mcL,K/uL,19291 +492230050,2032114,14921,1,bicarbonate,24.0,24,mmol/L,mmol/L,14921 +500993339,2032114,19291,3,platelets x 1000,125.0,125,K/mcL,K/uL,19291 +512790610,2032114,14921,3,Hct,26.1,26.1,%,%,14921 +500748532,2032114,6262,3,-basos,0.0,0,%,%,6262 +485188345,2032114,541,1,sodium,140.0,140,mmol/L,mmol/L,541 +500993334,2032114,19291,3,Hct,32.2,32.2,%,%,19291 +485723433,2032114,7641,1,bicarbonate,20.0,20,mmol/L,mmol/L,7641 +500993335,2032114,19291,3,MCV,93.1,93.1,fL,fL,19291 +510400510,2032114,20641,3,MCH,30.7,30.7,pg,pg,20641 +500993333,2032114,19291,3,Hgb,10.7,10.7,g/dL,g/dL,19291 +486902672,2032114,19731,1,anion gap,10.0,10,,mmol/L,19731 +516482104,2032114,16809,4,bedside glucose,97.0,97,mg/dL,mg/dL,16809 +495523898,2032114,16401,1,BUN,30.0,30,mg/dL,mg/dL,16401 +515621029,2032114,2484,4,bedside glucose,78.0,78,mg/dL,mg/dL,2484 +512790617,2032114,14921,3,-polys,86.0,86,%,%,14921 +489567606,2032114,12031,1,glucose,134.0,134,mg/dL,mg/dL,12031 +536535232,2032114,2262,7,O2 Sat (%),93.0,93,%,%,2262 +500748523,2032114,6262,3,MCH,28.3,28.3,pg,pg,6262 +516361556,2032114,3059,4,bedside glucose,84.0,84,mg/dL,mg/dL,3059 +489567607,2032114,12031,1,albumin,2.4,2.4,g/dL,g/dL,12031 +510400514,2032114,20641,3,MPV,11.7,11.7,fL,fL,20641 +516473931,2032114,18245,4,bedside glucose,92.0,92,mg/dL,mg/dL,18245 +486902669,2032114,19731,1,BUN,17.0,17,mg/dL,mg/dL,19731 +489567608,2032114,12031,1,phosphate,5.3,5.3,mg/dL,mg/dL,12031 +496591701,2032114,10621,2,Vancomycin - random,24.0,24.0,mcg/mL,ug/mL,10621 +515279072,2032114,2546,4,bedside glucose,106.0,106,mg/dL,mg/dL,2546 +512790618,2032114,14921,3,-lymphs,5.0,5,%,%,14921 +535714123,2032114,3397,7,FiO2,50.0,50.0,%,%,3397 +485188346,2032114,541,1,bicarbonate,21.0,21,mmol/L,mmol/L,541 +500993340,2032114,19291,3,MPV,12.3,12.3,fL,fL,19291 +485723436,2032114,7641,1,creatinine,2.38,2.38,mg/dL,mg/dL,7641 +489567605,2032114,12031,1,creatinine,1.75,1.75,mg/dL,mg/dL,12031 +510400515,2032114,20641,3,-polys,83.0,83,%,%,20641 +489519419,2032114,17751,1,potassium,3.5,3.5,mmol/L,mmol/L,17751 +486902670,2032114,19731,1,creatinine,0.97,0.97,mg/dL,mg/dL,19731 +535714122,2032114,3397,7,O2 Sat (%),85.0,85,%,%,3397 +495523899,2032114,16401,1,creatinine,1.0,1.00,mg/dL,mg/dL,16401 +500993341,2032114,19291,3,-polys,82.0,82,%,%,19291 +512790611,2032114,14921,3,MCV,86.4,86.4,fL,fL,14921 +489567602,2032114,12031,1,bicarbonate,25.0,25,mmol/L,mmol/L,12031 +536535227,2032114,2262,7,pH,7.24,7.24,,,2262 +489519420,2032114,17751,1,chloride,98.0,98,mmol/L,mmol/L,17751 +483765824,2032114,13926,1,anion gap,16.0,16,,mmol/L,13926 +535714119,2032114,3397,7,paO2,52.0,52,mm Hg,mm Hg,3397 +510400517,2032114,20641,3,-monos,9.0,9,%,%,20641 +537371161,2032114,19215,7,HCO3,27.0,27,mmol/L,mmol/L,19215 +486902667,2032114,19731,1,bicarbonate,26.0,26,mmol/L,mmol/L,19731 +500993342,2032114,19291,3,-lymphs,8.0,8,%,%,19291 +514241668,2032114,9522,4,bedside glucose,150.0,150,mg/dL,mg/dL,9522 +506566093,2032114,1856,3,RDW,15.9,15.9,%,%,1856 +512790616,2032114,14921,3,MPV,13.5,13.5,fL,fL,14921 +537371160,2032114,19215,7,paO2,44.0,44,mm Hg,mm Hg,19215 +485188640,2032114,6262,1,potassium,3.4,3.4,mmol/L,mmol/L,6262 +489519421,2032114,17751,1,bicarbonate,23.0,23,mmol/L,mmol/L,17751 +492230052,2032114,14921,1,BUN,54.0,54,mg/dL,mg/dL,14921 +489567603,2032114,12031,1,calcium,7.4,7.4,mg/dL,mg/dL,12031 +510400516,2032114,20641,3,-lymphs,6.0,6,%,%,20641 +537371159,2032114,19215,7,paCO2,43.0,43,mm Hg,mm Hg,19215 +486902671,2032114,19731,1,glucose,95.0,95,mg/dL,mg/dL,19731 +516312977,2032114,3412,4,bedside glucose,103.0,103,mg/dL,mg/dL,3412 +514872214,2032114,7583,4,bedside glucose,121.0,121,mg/dL,mg/dL,7583 +506566096,2032114,1856,3,-bands,29.0,29,%,%,1856 +512790607,2032114,14921,3,WBC x 1000,19.7,19.7,K/mcL,K/uL,14921 +537371158,2032114,19215,7,pH,7.42,7.42,,,19215 +536535228,2032114,2262,7,paCO2,48.0,48,mm Hg,mm Hg,2262 +489519427,2032114,17751,1,phosphate,3.4,3.4,mg/dL,mg/dL,17751 +495523900,2032114,16401,1,glucose,87.0,87,mg/dL,mg/dL,16401 +535714118,2032114,3397,7,paCO2,42.0,42,mm Hg,mm Hg,3397 +510400518,2032114,20641,3,-eos,1.0,1,%,%,20641 +536985336,2032114,6256,7,Base Excess,-5.3,-5.3,mEq/L,mmol/L,6256 +486902668,2032114,19731,1,calcium,7.9,7.9,mg/dL,mg/dL,19731 +500993343,2032114,19291,3,-monos,8.0,8,%,%,19291 +513772263,2032114,13926,3,WBC x 1000,18.6,18.6,K/mcL,K/uL,13926 +506566095,2032114,1856,3,MPV,9.8,9.8,fL,fL,1856 +512790612,2032114,14921,3,MCH,30.8,30.8,pg,pg,14921 +537207911,2032114,7691,7,Base Excess,-4.7,-4.7,mEq/L,mmol/L,7691 +485188349,2032114,541,1,chloride,104.0,104,mmol/L,mmol/L,541 +536752548,2032114,18170,7,pH,7.42,7.42,,,18170 +496591702,2032114,13461,2,Vancomycin - random,28.0,28.0,mcg/mL,ug/mL,13461 +489567609,2032114,12031,1,anion gap,17.0,17,,mmol/L,12031 +508998002,2032114,16401,3,-lymphs,7.0,7,%,%,16401 +510400512,2032114,20641,3,RDW,16.7,16.7,%,%,20641 +537186614,2032114,4807,7,HCO3,14.0,14,mmol/L,mmol/L,4807 +508998003,2032114,16401,3,-monos,11.0,11,%,%,16401 +486902664,2032114,19731,1,sodium,138.0,138,mmol/L,mmol/L,19731 +516305353,2032114,20101,4,bedside glucose,82.0,82,mg/dL,mg/dL,20101 +508998004,2032114,16401,3,-eos,0.0,0,%,%,16401 +513855041,2032114,2513,4,bedside glucose,115.0,115,mg/dL,mg/dL,2513 +506566092,2032114,1856,3,MCHC,31.4,31.4,g/dL,g/dL,1856 +508998005,2032114,16401,3,-basos,0.0,0,%,%,16401 +512790608,2032114,14921,3,RBC,3.02,3.02,M/mcL,M/uL,14921 +536985337,2032114,6256,7,O2 Sat (%),98.0,98,%,%,6256 +508997991,2032114,16401,3,WBC x 1000,11.3,11.3,K/mcL,K/uL,16401 +514135262,2032114,9347,4,bedside glucose,149.0,149,mg/dL,mg/dL,9347 +489519428,2032114,17751,1,anion gap,14.0,14,,mmol/L,17751 +508997992,2032114,16401,3,RBC,2.93,2.93,M/mcL,M/uL,16401 +495523894,2032114,16401,1,potassium,3.7,3.7,mmol/L,mmol/L,16401 +535714117,2032114,3397,7,pH,7.27,7.27,,,3397 +508997997,2032114,16401,3,MCHC,35.3,35.3,g/dL,g/dL,16401 +510400513,2032114,20641,3,platelets x 1000,145.0,145,K/mcL,K/uL,20641 +537145541,2032114,17821,7,pH,7.53,7.53,,,17821 +508997998,2032114,16401,3,RDW,15.2,15.2,%,%,16401 +486902665,2032114,19731,1,potassium,4.3,4.3,mmol/L,mmol/L,19731 +500748526,2032114,6262,3,platelets x 1000,249.0,249,K/mcL,K/uL,6262 +508997999,2032114,16401,3,platelets x 1000,78.0,78,K/mcL,K/uL,16401 +513772265,2032114,13926,3,Hgb,9.6,9.6,g/dL,g/dL,13926 +506566086,2032114,1856,3,WBC x 1000,6.5,6.5,K/mcL,K/uL,1856 +508998000,2032114,16401,3,MPV,13.0,13.0,fL,fL,16401 +512790615,2032114,14921,3,platelets x 1000,83.0,83,K/mcL,K/uL,14921 +537186615,2032114,4807,7,Base Excess,-12.8,-12.8,mEq/L,mmol/L,4807 +509044795,2032114,4871,3,RBC,2.82,2.82,M/mcL,M/uL,4871 +485188347,2032114,541,1,calcium,8.9,8.9,mg/dL,mg/dL,541 +536752549,2032114,18170,7,paCO2,40.0,40,mm Hg,mm Hg,18170 +508997995,2032114,16401,3,MCV,88.1,88.1,fL,fL,16401 +492230051,2032114,14921,1,calcium,7.6,7.6,mg/dL,mg/dL,14921 +489567604,2032114,12031,1,BUN,54.0,54,mg/dL,mg/dL,12031 +509044796,2032114,4871,3,Hgb,8.1,8.1,g/dL,g/dL,4871 +510400519,2032114,20641,3,-basos,0.0,0,%,%,20641 +537145543,2032114,17821,7,paO2,58.0,58,mm Hg,mm Hg,17821 +508997994,2032114,16401,3,Hct,25.8,25.8,%,%,16401 +486902666,2032114,19731,1,chloride,102.0,102,mmol/L,mmol/L,19731 +537001371,2032114,5480,7,O2 Sat (%),98.0,98,%,%,5480 +509044800,2032114,4871,3,MCHC,32.7,32.7,g/dL,g/dL,4871 +513772267,2032114,13926,3,MCV,85.1,85.1,fL,fL,13926 +506566087,2032114,1856,3,RBC,3.53,3.53,M/mcL,M/uL,1856 +508998001,2032114,16401,3,-polys,82.0,82,%,%,16401 +512790619,2032114,14921,3,-monos,8.0,8,%,%,14921 +537145544,2032114,17821,7,HCO3,24.0,24,mmol/L,mmol/L,17821 +509044808,2032114,4871,3,-basos,1.0,1,%,%,4871 +514931057,2032114,2277,4,bedside glucose,135.0,135,mg/dL,mg/dL,2277 +489519418,2032114,17751,1,sodium,135.0,135,mmol/L,mmol/L,17751 +508997993,2032114,16401,3,Hgb,9.1,9.1,g/dL,g/dL,16401 +509141214,2032114,-2204,3,-monos,5.0,5,%,%,-2204 +535714121,2032114,3397,7,Base Excess,-7.6,-7.6,mEq/L,mmol/L,3397 +509044794,2032114,4871,3,WBC x 1000,24.5,24.5,K/mcL,K/uL,4871 +495523903,2032114,16401,1,anion gap,12.0,12,,mmol/L,16401 +537145542,2032114,17821,7,paCO2,30.0,30,mm Hg,mm Hg,17821 +500343432,2032114,7641,3,MCH,28.3,28.3,pg,pg,7641 +509141215,2032114,-2204,3,MCHC,31.0,31.0,g/dL,g/dL,-2204 +500748524,2032114,6262,3,MCHC,34.4,34.4,g/dL,g/dL,6262 +508997996,2032114,16401,3,MCH,31.1,31.1,pg,pg,16401 +493630440,2032114,10998,1,cortisol,,>63.4,mcg/dL,ug/dL,10998 +506566088,2032114,1856,3,Hgb,10.2,10.2,g/dL,g/dL,1856 +486229705,2032114,9951,1,creatinine,2.73,2.73,mg/dL,mg/dL,9951 +509141213,2032114,-2204,3,MCH,28.7,28.7,pg,pg,-2204 +537186611,2032114,4807,7,pH,7.19,7.19,,,4807 +509044805,2032114,4871,3,-lymphs,1.0,1,%,%,4871 +513772264,2032114,13926,3,RBC,3.09,3.09,M/mcL,M/uL,13926 +536752550,2032114,18170,7,paO2,73.0,73,mm Hg,mm Hg,18170 +500343430,2032114,7641,3,Hct,23.9,23.9,%,%,7641 +485377745,2032114,4871,1,potassium,4.0,4.0,mmol/L,mmol/L,4871 +489567599,2032114,12031,1,sodium,128.0,128,mmol/L,mmol/L,12031 +490708721,2032114,-2204,1,albumin,3.5,3.5,g/dL,g/dL,-2204 +490708727,2032114,-2204,1,chloride,97.0,97,mmol/L,mmol/L,-2204 +536985333,2032114,6256,7,paCO2,40.0,40,mm Hg,mm Hg,6256 +486229704,2032114,9951,1,BUN,73.0,73,mg/dL,mg/dL,9951 +509141209,2032114,-2204,3,MCV,92.5,92.5,fL,fL,-2204 +537001372,2032114,5480,7,FiO2,50.0,50.0,%,%,5480 +509044804,2032114,4871,3,-polys,93.0,93,%,%,4871 +496591704,2032114,9161,2,Vancomycin - random,29.2,29.2,mcg/mL,ug/mL,9161 +506566089,2032114,1856,3,Hct,32.5,32.5,%,%,1856 +500343433,2032114,7641,3,MCHC,35.1,35.1,g/dL,g/dL,7641 +485377744,2032114,4871,1,sodium,122.0,122,mmol/L,mmol/L,4871 +537145545,2032114,17821,7,Base Excess,2.0,2.0,mEq/L,mmol/L,17821 +490708720,2032114,-2204,1,sodium,139.0,139,mmol/L,mmol/L,-2204 +490708725,2032114,-2204,1,ALT (SGPT),20.0,20,Units/L,U/L,-2204 +489519425,2032114,17751,1,glucose,87.0,87,mg/dL,mg/dL,17751 +486229706,2032114,9951,1,glucose,135.0,135,mg/dL,mg/dL,9951 +536920306,2032114,21670,7,HCO3,23.0,23,mmol/L,mmol/L,21670 +535714120,2032114,3397,7,HCO3,19.0,19,mmol/L,mmol/L,3397 +509044806,2032114,4871,3,-monos,4.0,4,%,%,4871 +509141210,2032114,-2204,3,Hgb,11.5,11.5,g/dL,g/dL,-2204 +537186612,2032114,4807,7,paCO2,39.0,39,mm Hg,mm Hg,4807 +500343431,2032114,7641,3,MCV,80.5,80.5,fL,fL,7641 +513772266,2032114,13926,3,Hct,26.3,26.3,%,%,13926 +500993332,2032114,19291,3,RBC,3.46,3.46,M/mcL,M/uL,19291 +490708719,2032114,-2204,1,AST (SGOT),21.0,21,Units/L,U/L,-2204 +536920305,2032114,21670,7,paO2,51.0,51,mm Hg,mm Hg,21670 +536300044,2032114,4991,7,paO2,104.0,104,mm Hg,mm Hg,4991 +486229707,2032114,9951,1,anion gap,22.0,22,,mmol/L,9951 +485377752,2032114,4871,1,anion gap,18.0,18,,mmol/L,4871 +537145546,2032114,17821,7,O2 Sat (%),92.0,92,%,%,17821 +509044799,2032114,4871,3,MCH,28.7,28.7,pg,pg,4871 +490708728,2032114,-2204,1,BUN,38.0,38,mg/dL,mg/dL,-2204 +536752551,2032114,18170,7,HCO3,26.0,26,mmol/L,mmol/L,18170 +500343429,2032114,7641,3,Hgb,8.4,8.4,g/dL,g/dL,7641 +536920308,2032114,21670,7,O2 Sat (%),87.0,87,%,%,21670 +506566090,2032114,1856,3,MCV,92.1,92.1,fL,fL,1856 +490708718,2032114,-2204,1,anion gap,17.0,17,,mmol/L,-2204 +491232400,2032114,1856,1,anion gap,13.0,13,,mmol/L,1856 +536985334,2032114,6256,7,paO2,151.0,151,mm Hg,mm Hg,6256 +486229699,2032114,9951,1,sodium,121.0,121,mmol/L,mmol/L,9951 +495523895,2032114,16401,1,chloride,99.0,99,mmol/L,mmol/L,16401 +537001369,2032114,5480,7,HCO3,16.0,16,mmol/L,mmol/L,5480 +509044801,2032114,4871,3,RDW,15.5,15.5,%,%,4871 +536920307,2032114,21670,7,Base Excess,-1.9,-1.9,mEq/L,mmol/L,21670 +489567600,2032114,12031,1,potassium,3.0,3.0,mmol/L,mmol/L,12031 +500343440,2032114,7641,3,-eos,0.0,0,%,%,7641 +509141216,2032114,-2204,3,platelets x 1000,461.0,461,K/mcL,K/uL,-2204 +537186616,2032114,4807,7,O2 Sat (%),97.0,97,%,%,4807 +490708717,2032114,-2204,1,alkaline phos.,185.0,185,Units/L,U/L,-2204 +490708726,2032114,-2204,1,glucose,119.0,119,mg/dL,mg/dL,-2204 +489519426,2032114,17751,1,albumin,2.4,2.4,g/dL,g/dL,17751 +486229701,2032114,9951,1,chloride,78.0,78,mmol/L,mmol/L,9951 +536920304,2032114,21670,7,paCO2,38.0,38,mm Hg,mm Hg,21670 +536300042,2032114,4991,7,pH,7.16,7.16,,,4991 +497409481,2032114,17751,3,-eos,0.0,0,%,%,17751 +491232398,2032114,1856,1,creatinine,0.81,0.81,mg/dL,mg/dL,1856 +537207908,2032114,7691,7,paCO2,36.0,36,mm Hg,mm Hg,7691 +500343438,2032114,7641,3,-lymphs,1.0,1,%,%,7641 +514590338,2032114,2587,4,bedside glucose,97.0,97,mg/dL,mg/dL,2587 +500748525,2032114,6262,3,RDW,14.8,14.8,%,%,6262 +509044802,2032114,4871,3,platelets x 1000,311.0,311,K/mcL,K/uL,4871 +536920303,2032114,21670,7,pH,7.4,7.40,,,21670 +506566094,2032114,1856,3,platelets x 1000,343.0,343,K/mcL,K/uL,1856 +486229702,2032114,9951,1,bicarbonate,21.0,21,mmol/L,mmol/L,9951 +485377742,2032114,4871,1,magnesium,1.6,1.6,mg/dL,mg/dL,4871 +536985335,2032114,6256,7,HCO3,20.0,20,mmol/L,mmol/L,6256 +497409480,2032114,17751,3,-monos,9.0,9,%,%,17751 +490708724,2032114,-2204,1,calcium,9.2,9.2,mg/dL,mg/dL,-2204 +536752552,2032114,18170,7,Base Excess,1.3,1.3,mEq/L,mmol/L,18170 +500343437,2032114,7641,3,-polys,92.0,92,%,%,7641 +536920309,2032114,21670,7,FiO2,50.0,50.0,%,%,21670 +516026042,2032114,4154,4,bedside glucose,99.0,99,mg/dL,mg/dL,4154 +490708716,2032114,-2204,1,creatinine,0.94,0.94,mg/dL,mg/dL,-2204 +491232399,2032114,1856,1,glucose,55.0,55,mg/dL,mg/dL,1856 +537207907,2032114,7691,7,pH,7.37,7.37,,,7691 +516382566,2032114,5603,4,bedside glucose,117.0,117,mg/dL,mg/dL,5603 +506176714,2032114,10998,3,-polys,91.0,91,%,%,10998 +537001370,2032114,5480,7,Base Excess,-9.6,-9.6,mEq/L,mmol/L,5480 +497409472,2032114,17751,3,MCV,89.6,89.6,fL,fL,17751 +509141211,2032114,-2204,3,WBC x 1000,11.4,11.4,K/mcL,K/uL,-2204 +536300045,2032114,4991,7,HCO3,14.0,14,mmol/L,mmol/L,4991 +500343427,2032114,7641,3,WBC x 1000,27.4,27.4,K/mcL,K/uL,7641 +506176713,2032114,10998,3,MPV,11.1,11.1,fL,fL,10998 +536985338,2032114,6256,7,FiO2,50.0,50.0,%,%,6256 +509044797,2032114,4871,3,Hct,24.8,24.8,%,%,4871 +491232392,2032114,1856,1,sodium,134.0,134,mmol/L,mmol/L,1856 +489519422,2032114,17751,1,calcium,7.7,7.7,mg/dL,mg/dL,17751 +486229700,2032114,9951,1,potassium,3.5,3.5,mmol/L,mmol/L,9951 +506176712,2032114,10998,3,platelets x 1000,123.0,123,K/mcL,K/uL,10998 +506566091,2032114,1856,3,MCH,28.9,28.9,pg,pg,1856 +508160246,2032114,12031,3,MCV,79.4,79.4,fL,fL,12031 +485377751,2032114,4871,1,glucose,109.0,109,mg/dL,mg/dL,4871 +537186617,2032114,4807,7,FiO2,50.0,50.0,%,%,4807 +497409482,2032114,17751,3,-basos,0.0,0,%,%,17751 +506176715,2032114,10998,3,-lymphs,2.0,2,%,%,10998 +500993344,2032114,19291,3,-eos,1.0,1,%,%,19291 +500343441,2032114,7641,3,-basos,0.0,0,%,%,7641 +491232393,2032114,1856,1,potassium,3.9,3.9,mmol/L,mmol/L,1856 +516615130,2032114,2000,4,bedside glucose,79.0,79,mg/dL,mg/dL,2000 +508160247,2032114,12031,3,MCH,29.4,29.4,pg,pg,12031 +506176711,2032114,10998,3,RDW,15.1,15.1,%,%,10998 +537145547,2032114,17821,7,FiO2,30.0,30.0,%,%,17821 +490708715,2032114,-2204,1,potassium,4.1,4.1,mmol/L,mmol/L,-2204 +509141206,2032114,-2204,3,-polys,87.0,87,%,%,-2204 +536752553,2032114,18170,7,O2 Sat (%),94.0,94,%,%,18170 +516289014,2032114,14262,4,bedside glucose,83.0,83,mg/dL,mg/dL,14262 +506176716,2032114,10998,3,-monos,5.0,5,%,%,10998 +536300043,2032114,4991,7,paCO2,39.0,39,mm Hg,mm Hg,4991 +508160248,2032114,12031,3,MCHC,37.0,37.0,g/dL,g/dL,12031 +491232394,2032114,1856,1,chloride,100.0,100,mmol/L,mmol/L,1856 +537207913,2032114,7691,7,FiO2,40.0,40.0,%,%,7691 +497409475,2032114,17751,3,RDW,15.8,15.8,%,%,17751 +506176717,2032114,10998,3,-eos,0.0,0,%,%,10998 +537001367,2032114,5480,7,paCO2,32.0,32,mm Hg,mm Hg,5480 +500343439,2032114,7641,3,-monos,6.0,6,%,%,7641 +485377743,2032114,4871,1,phosphate,5.5,5.5,mg/dL,mg/dL,4871 +506566099,2032114,1856,3,-eos,1.0,1,%,%,1856 +508160254,2032114,12031,3,-monos,7.0,7,%,%,12031 +506176706,2032114,10998,3,Hgb,6.4,6.4,g/dL,g/dL,10998 +536985332,2032114,6256,7,pH,7.33,7.33,,,6256 +509044803,2032114,4871,3,MPV,9.5,9.5,fL,fL,4871 +491232395,2032114,1856,1,bicarbonate,21.0,21,mmol/L,mmol/L,1856 +489519423,2032114,17751,1,BUN,35.0,35,mg/dL,mg/dL,17751 +514229186,2032114,8809,4,bedside glucose,140.0,140,mg/dL,mg/dL,8809 +506176707,2032114,10998,3,Hct,18.2,18.2,%,%,10998 +515854445,2032114,17109,4,bedside glucose,77.0,77,mg/dL,mg/dL,17109 +508160255,2032114,12031,3,-eos,0.0,0,%,%,12031 +509141208,2032114,-2204,3,-eos,0.0,0,%,%,-2204 +514875586,2032114,16416,4,bedside glucose,66.0,66,mg/dL,mg/dL,16416 +497409476,2032114,17751,3,platelets x 1000,91.0,91,K/mcL,K/uL,17751 +506176705,2032114,10998,3,RBC,2.25,2.25,M/mcL,M/uL,10998 +500993345,2032114,19291,3,-basos,0.0,0,%,%,19291 +500343434,2032114,7641,3,RDW,14.4,14.4,%,%,7641 +491232396,2032114,1856,1,calcium,8.4,8.4,mg/dL,mg/dL,1856 +536300047,2032114,4991,7,O2 Sat (%),96.0,96,%,%,4991 +508160245,2032114,12031,3,Hct,16.2,16.2,%,%,12031 +506176708,2032114,10998,3,MCV,80.9,80.9,fL,fL,10998 +537207912,2032114,7691,7,O2 Sat (%),89.0,89,%,%,7691 +490708714,2032114,-2204,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-2204 +485377746,2032114,4871,1,chloride,89.0,89,mmol/L,mmol/L,4871 +536752554,2032114,18170,7,FiO2,30.0,30.0,%,%,18170 +483318222,2032114,1298,1,troponin - T,0.33,0.33,ng/mL,ng/mL,1298 +506176709,2032114,10998,3,MCH,28.4,28.4,pg,pg,10998 +506566098,2032114,1856,3,-monos,2.0,2,%,%,1856 +508160250,2032114,12031,3,platelets x 1000,98.0,98,K/mcL,K/uL,12031 +491232391,2032114,1856,1,phosphate,3.6,3.6,mg/dL,mg/dL,1856 +514592501,2032114,6257,4,bedside glucose,153.0,153,mg/dL,mg/dL,6257 +497409473,2032114,17751,3,MCH,30.5,30.5,pg,pg,17751 +506176710,2032114,10998,3,MCHC,35.2,35.2,g/dL,g/dL,10998 +537001368,2032114,5480,7,paO2,155.0,155,mm Hg,mm Hg,5480 +515941104,2032114,17557,4,bedside glucose,90.0,90,mg/dL,mg/dL,17557 +509141207,2032114,-2204,3,Hct,37.1,37.1,%,%,-2204 +489567601,2032114,12031,1,chloride,86.0,86,mmol/L,mmol/L,12031 +508160251,2032114,12031,3,MPV,12.9,12.9,fL,fL,12031 +506176718,2032114,10998,3,-basos,0.0,0,%,%,10998 +537207909,2032114,7691,7,paO2,61.0,61,mm Hg,mm Hg,7691 +509044798,2032114,4871,3,MCV,87.9,87.9,fL,fL,4871 +491232390,2032114,1856,1,magnesium,1.4,1.4,mg/dL,mg/dL,1856 +515139104,2032114,5394,4,urinary specific gravity,1.019,1.019,,,5394 +500343435,2032114,7641,3,platelets x 1000,224.0,224,K/mcL,K/uL,7641 +506176704,2032114,10998,3,WBC x 1000,20.4,20.4,K/mcL,K/uL,10998 +536300048,2032114,4991,7,FiO2,50.0,50.0,%,%,4991 +508160252,2032114,12031,3,-polys,86.0,86,%,%,12031 +485377749,2032114,4871,1,BUN,46.0,46,mg/dL,mg/dL,4871 +514802901,2032114,10672,4,bedside glucose,123.0,123,mg/dL,mg/dL,10672 +497409474,2032114,17751,3,MCHC,34.0,34.0,g/dL,g/dL,17751 +487191966,2032114,20641,1,sodium,140.0,140,mmol/L,mmol/L,20641 +500993336,2032114,19291,3,MCH,30.9,30.9,pg,pg,19291 +486229703,2032114,9951,1,calcium,6.5,6.5,mg/dL,mg/dL,9951 +491232397,2032114,1856,1,BUN,29.0,29,mg/dL,mg/dL,1856 +506566097,2032114,1856,3,-lymphs,6.0,6,%,%,1856 +508160242,2032114,12031,3,WBC x 1000,18.4,18.4,K/mcL,K/uL,12031 +483492878,2032114,10621,1,potassium,3.3,3.3,mmol/L,mmol/L,10621 +537186613,2032114,4807,7,paO2,120.0,120,mm Hg,mm Hg,4807 +490708722,2032114,-2204,1,bicarbonate,25.0,25,mmol/L,mmol/L,-2204 +496591705,2032114,5281,2,Vancomycin - trough,24.3,24.3,mcg/mL,ug/mL,5281 +489519424,2032114,17751,1,creatinine,1.23,1.23,mg/dL,mg/dL,17751 +515764265,2032114,16107,4,bedside glucose,107.0,107,mg/dL,mg/dL,16107 +487191977,2032114,20641,1,magnesium,1.3,1.3,mg/dL,mg/dL,20641 +515868094,2032114,9867,4,bedside glucose,146.0,146,mg/dL,mg/dL,9867 +508160243,2032114,12031,3,RBC,2.04,2.04,M/mcL,M/uL,12031 +509141212,2032114,-2204,3,RDW,15.5,15.5,%,%,-2204 +514368117,2032114,13498,4,bedside glucose,102.0,102,mg/dL,mg/dL,13498 +497409477,2032114,17751,3,MPV,12.4,12.4,fL,fL,17751 +483492877,2032114,10621,1,sodium,119.0,119,mmol/L,mmol/L,10621 +537001366,2032114,5480,7,pH,7.31,7.31,,,5480 +500343436,2032114,7641,3,MPV,9.7,9.7,fL,fL,7641 +495150017,2032114,21268,1,anion gap,9.0,9,,mmol/L,21268 +536300046,2032114,4991,7,Base Excess,-13.9,-13.9,mEq/L,mmol/L,4991 +508160244,2032114,12031,3,Hgb,6.0,6.0,g/dL,g/dL,12031 +487191968,2032114,20641,1,chloride,103.0,103,mmol/L,mmol/L,20641 +537207910,2032114,7691,7,HCO3,20.0,20,mmol/L,mmol/L,7691 +509044807,2032114,4871,3,-eos,0.0,0,%,%,4871 +485377747,2032114,4871,1,bicarbonate,15.0,15,mmol/L,mmol/L,4871 +496591703,2032114,7641,2,Vancomycin - random,30.9,30.9,mcg/mL,ug/mL,7641 +514016131,2032114,5888,4,bedside glucose,160.0,160,mg/dL,mg/dL,5888 +483492880,2032114,10621,1,bicarbonate,22.0,22,mmol/L,mmol/L,10621 +487094170,2032114,51,1,troponin - T,0.06,0.06,ng/mL,ng/mL,51 +508160256,2032114,12031,3,-basos,0.0,0,%,%,12031 +495150016,2032114,21268,1,glucose,114.0,114,mg/dL,mg/dL,21268 +536368727,2032114,19215,7,Base Excess,2.5,2.5,mEq/L,mmol/L,19215 +497409478,2032114,17751,3,-polys,83.0,83,%,%,17751 +487191976,2032114,20641,1,anion gap,10.0,10,,mmol/L,20641 +514164384,2032114,7117,4,bedside glucose,135.0,135,mg/dL,mg/dL,7117 +513880872,2032114,2252,4,bedside glucose,63.0,63,mg/dL,mg/dL,2252 +509141203,2032114,-2204,3,-lymphs,7.0,7,%,%,-2204 +491491013,2032114,5281,1,LDH,989.0,989,Units/L,U/L,5281 +508160253,2032114,12031,3,-lymphs,6.0,6,%,%,12031 +483492886,2032114,10621,1,phosphate,7.4,7.4,mg/dL,mg/dL,10621 +515003996,2032114,4869,4,bedside glucose,102.0,102,mg/dL,mg/dL,4869 +490708723,2032114,-2204,1,total protein,7.4,7.4,g/dL,g/dL,-2204 +495150014,2032114,21268,1,BUN,23.0,23,mg/dL,mg/dL,21268 +515947817,2032114,2467,4,bedside glucose,60.0,60,mg/dL,mg/dL,2467 +500343428,2032114,7641,3,RBC,2.97,2.97,M/mcL,M/uL,7641 +487191967,2032114,20641,1,potassium,3.0,3.0,mmol/L,mmol/L,20641 +514521197,2032114,19734,4,bedside glucose,85.0,85,mg/dL,mg/dL,19734 +508160249,2032114,12031,3,RDW,15.0,15.0,%,%,12031 +485377748,2032114,4871,1,calcium,6.3,6.3,mg/dL,mg/dL,4871 +536368728,2032114,19215,7,O2 Sat (%),81.0,81,%,%,19215 +497409479,2032114,17751,3,-lymphs,7.0,7,%,%,17751 +483492887,2032114,10621,1,anion gap,19.0,19,,mmol/L,10621 +493606115,2032114,19291,1,magnesium,1.4,1.4,mg/dL,mg/dL,19291 +495150012,2032114,21268,1,bicarbonate,27.0,27,mmol/L,mmol/L,21268 +488664233,2032114,4871,1,lactate,1.3,1.3,mmol/L,mmol/L,4871 +487191973,2032114,20641,1,glucose,85.0,85,mg/dL,mg/dL,20641 +493606106,2032114,19291,1,chloride,101.0,101,mmol/L,mmol/L,19291 +504488235,2032114,541,3,RDW,15.9,15.9,%,%,541 +488023610,2032114,9161,1,sodium,121.0,121,mmol/L,mmol/L,9161 +483492879,2032114,10621,1,chloride,78.0,78,mmol/L,mmol/L,10621 +493606113,2032114,19291,1,phosphate,2.7,2.7,mg/dL,mg/dL,19291 +509141204,2032114,-2204,3,RBC,4.01,4.01,M/mcL,M/uL,-2204 +488023611,2032114,9161,1,potassium,2.7,2.7,mmol/L,mmol/L,9161 +487191974,2032114,20641,1,albumin,2.5,2.5,g/dL,g/dL,20641 +493606114,2032114,19291,1,anion gap,11.0,11,,mmol/L,19291 +504488233,2032114,541,3,MCH,28.4,28.4,pg,pg,541 +488023619,2032114,9161,1,phosphate,7.0,7.0,mg/dL,mg/dL,9161 +483492881,2032114,10621,1,calcium,6.8,6.8,mg/dL,mg/dL,10621 +493606107,2032114,19291,1,bicarbonate,26.0,26,mmol/L,mmol/L,19291 +495150013,2032114,21268,1,calcium,8.1,8.1,mg/dL,mg/dL,21268 +488023618,2032114,9161,1,albumin,1.8,1.8,g/dL,g/dL,9161 +487191970,2032114,20641,1,calcium,8.1,8.1,mg/dL,mg/dL,20641 +493606108,2032114,19291,1,calcium,7.9,7.9,mg/dL,mg/dL,19291 +504488234,2032114,541,3,MCHC,31.3,31.3,g/dL,g/dL,541 +488023616,2032114,9161,1,creatinine,2.7,2.70,mg/dL,mg/dL,9161 +483492883,2032114,10621,1,creatinine,2.54,2.54,mg/dL,mg/dL,10621 +493606112,2032114,19291,1,albumin,2.5,2.5,g/dL,g/dL,19291 +485377750,2032114,4871,1,creatinine,1.92,1.92,mg/dL,mg/dL,4871 +488023614,2032114,9161,1,calcium,6.2,6.2,mg/dL,mg/dL,9161 +487191971,2032114,20641,1,BUN,22.0,22,mg/dL,mg/dL,20641 +493606104,2032114,19291,1,sodium,138.0,138,mmol/L,mmol/L,19291 +504488236,2032114,541,3,platelets x 1000,340.0,340,K/mcL,K/uL,541 +488023620,2032114,9161,1,anion gap,23.0,23,,mmol/L,9161 +499343623,2032114,13926,3,MCH,31.1,31.1,pg,pg,13926 +493606111,2032114,19291,1,glucose,76.0,76,mg/dL,mg/dL,19291 +495150015,2032114,21268,1,creatinine,1.07,1.07,mg/dL,mg/dL,21268 +537169855,2032114,2643,7,FiO2,100.0,100.0,%,%,2643 +483492884,2032114,10621,1,glucose,190.0,190,mg/dL,mg/dL,10621 +488023615,2032114,9161,1,BUN,71.0,71,mg/dL,mg/dL,9161 +504488237,2032114,541,3,MPV,9.6,9.6,fL,fL,541 +537169854,2032114,2643,7,O2 Sat (%),99.0,99,%,%,2643 +499343624,2032114,13926,3,MCHC,36.5,36.5,g/dL,g/dL,13926 +493606109,2032114,19291,1,BUN,19.0,19,mg/dL,mg/dL,19291 +509141202,2032114,-2204,3,MPV,9.4,9.4,fL,fL,-2204 +537169851,2032114,2643,7,paO2,318.0,318,mm Hg,mm Hg,2643 +487191972,2032114,20641,1,creatinine,1.08,1.08,mg/dL,mg/dL,20641 +488023612,2032114,9161,1,chloride,77.0,77,mmol/L,mmol/L,9161 +504488228,2032114,541,3,WBC x 1000,2.9,2.9,K/mcL,K/uL,541 +537169852,2032114,2643,7,HCO3,21.0,21,mmol/L,mmol/L,2643 +499343632,2032114,13926,3,-basos,0.0,0,%,%,13926 +493606105,2032114,19291,1,potassium,3.2,3.2,mmol/L,mmol/L,19291 +495150010,2032114,21268,1,potassium,3.9,3.9,mmol/L,mmol/L,21268 +537169853,2032114,2643,7,Base Excess,-6.7,-6.7,mEq/L,mmol/L,2643 +483492885,2032114,10621,1,albumin,1.5,1.5,g/dL,g/dL,10621 +488023613,2032114,9161,1,bicarbonate,21.0,21,mmol/L,mmol/L,9161 +504488229,2032114,541,3,RBC,3.66,3.66,M/mcL,M/uL,541 +514712906,2032114,18574,4,bedside glucose,102.0,102,mg/dL,mg/dL,18574 +499343630,2032114,13926,3,-monos,6.0,6,%,%,13926 +537169849,2032114,2643,7,pH,7.24,7.24,,,2643 +514566793,2032114,14641,4,bedside glucose,125.0,125,mg/dL,mg/dL,14641 +514719073,2032114,8476,4,bedside glucose,162.0,162,mg/dL,mg/dL,8476 +515631079,2032114,15634,4,bedside glucose,108.0,108,mg/dL,mg/dL,15634 +493606110,2032114,19291,1,creatinine,0.95,0.95,mg/dL,mg/dL,19291 +504488239,2032114,541,3,-lymphs,19.0,19,%,%,541 +513860944,2032114,4748,4,bedside glucose,107.0,107,mg/dL,mg/dL,4748 +499343631,2032114,13926,3,-eos,0.0,0,%,%,13926 +537169850,2032114,2643,7,paCO2,49.0,49,mm Hg,mm Hg,2643 +495150009,2032114,21268,1,sodium,141.0,141,mmol/L,mmol/L,21268 +507660212,2032114,12606,3,Hct,20.5,20.5,%,%,12606 +487191969,2032114,20641,1,bicarbonate,27.0,27,mmol/L,mmol/L,20641 +514983714,2032114,19961,4,bedside glucose,75.0,75,mg/dL,mg/dL,19961 +504488230,2032114,541,3,Hgb,10.4,10.4,g/dL,g/dL,541 +507660211,2032114,12606,3,Hgb,7.5,7.5,g/dL,g/dL,12606 +499343626,2032114,13926,3,platelets x 1000,66.0,66,K/mcL,K/uL,13926 +488023617,2032114,9161,1,glucose,135.0,135,mg/dL,mg/dL,9161 +509141205,2032114,-2204,3,-basos,0.0,0,%,%,-2204 +514237185,2032114,3863,4,bedside glucose,100.0,100,mg/dL,mg/dL,3863 +515628734,2032114,11355,4,bedside glucose,112.0,112,mg/dL,mg/dL,11355 +497146109,2032114,3331,3,MCH,28.7,28.7,pg,pg,3331 +504488240,2032114,541,3,-monos,5.0,5,%,%,541 +497146110,2032114,3331,3,MCHC,32.3,32.3,g/dL,g/dL,3331 +499343627,2032114,13926,3,MPV,13.9,13.9,fL,fL,13926 +497146112,2032114,3331,3,platelets x 1000,371.0,371,K/mcL,K/uL,3331 +514952838,2032114,11818,4,bedside glucose,113.0,113,mg/dL,mg/dL,11818 +497146107,2032114,3331,3,Hct,27.9,27.9,%,%,3331 +483492882,2032114,10621,1,BUN,82.0,82,mg/dL,mg/dL,10621 +497146111,2032114,3331,3,RDW,15.4,15.4,%,%,3331 +504488231,2032114,541,3,Hct,33.2,33.2,%,%,541 +497146108,2032114,3331,3,MCV,88.9,88.9,fL,fL,3331 +499343628,2032114,13926,3,-polys,88.0,88,%,%,13926 +497146116,2032114,3331,3,-monos,3.0,3,%,%,3331 +489260483,2032114,7011,1,total protein,4.0,4.0,g/dL,g/dL,7011 +497146117,2032114,3331,3,-eos,0.0,0,%,%,3331 +515676628,2032114,2694,4,bedside glucose,86.0,86,mg/dL,mg/dL,2694 +497146104,2032114,3331,3,WBC x 1000,24.2,24.2,K/mcL,K/uL,3331 +504488238,2032114,541,3,-bands,31.0,31,%,%,541 +497146113,2032114,3331,3,MPV,9.5,9.5,fL,fL,3331 +505115743,2032114,10998,3,PT,13.9,13.9,sec,Seconds,10998 +497146114,2032114,3331,3,-polys,94.0,94,%,%,3331 +503122090,2032114,12973,3,Hct,18.6,18.6,%,%,12973 +497146115,2032114,3331,3,-lymphs,2.0,2,%,%,3331 +499343625,2032114,13926,3,RDW,15.1,15.1,%,%,13926 +513500728,2032114,17751,3,WBC x 1000,10.7,10.7,K/mcL,K/uL,17751 +495150011,2032114,21268,1,chloride,105.0,105,mmol/L,mmol/L,21268 +497146105,2032114,3331,3,RBC,3.14,3.14,M/mcL,M/uL,3331 +487191975,2032114,20641,1,phosphate,3.2,3.2,mg/dL,mg/dL,20641 +513500729,2032114,17751,3,RBC,3.18,3.18,M/mcL,M/uL,17751 +504488232,2032114,541,3,MCV,90.7,90.7,fL,fL,541 +497146118,2032114,3331,3,-basos,0.0,0,%,%,3331 +505115744,2032114,10998,3,PT - INR,1.1,1.1,ratio,,10998 +513500730,2032114,17751,3,Hgb,9.7,9.7,g/dL,g/dL,17751 +503122089,2032114,12973,3,Hgb,6.8,6.8,g/dL,g/dL,12973 +497146106,2032114,3331,3,Hgb,9.0,9.0,g/dL,g/dL,3331 +499343629,2032114,13926,3,-lymphs,4.0,4,%,%,13926 +513500731,2032114,17751,3,Hct,28.5,28.5,%,%,17751 +185365084,859033,3213,3,MPV,8.7,8.7,fL,fL,3242 +185364939,859033,273,3,MPV,8.6,8.6,fL,fL,304 +185365085,859033,3213,3,RBC,2.84,2.84,M/mcL,M/MM3,3242 +185365086,859033,3213,3,Hct,26.1,26.1,%,%,3242 +163380280,859033,273,1,albumin,2.0,2.0,g/dL,g/dL,321 +185364941,859033,273,3,Hct,23.9,23.9,%,%,304 +163380279,859033,273,1,sodium,139.0,139,mmol/L,mmol/L,321 +185364940,859033,273,3,RBC,2.54,2.54,M/mcL,M/MM3,304 +163380281,859033,273,1,bicarbonate,25.0,25,mmol/L,mmol/L,321 +185365093,859033,3213,3,platelets x 1000,256.0,256,K/mcL,K/MM3,3242 +163379941,859033,273,1,AST (SGOT),10.0,10,Units/L,IU/L,321 +185364942,859033,273,3,MCV,94.0,94,fL,fL,304 +163380286,859033,273,1,chloride,108.0,108,mmol/L,mmol/L,321 +162943588,859033,3213,1,chloride,111.0,111,mmol/L,mmol/L,3273 +185365090,859033,3213,3,RDW,14.6,14.6,%,%,3242 +163379937,859033,273,1,potassium,4.1,4.1,mmol/L,mmol/L,321 +185365089,859033,3213,3,WBC x 1000,5.0,5.0,K/mcL,K/MM3,3242 +162943589,859033,3213,1,BUN,21.0,21,mg/dL,mg/dL,3273 +184726614,859033,1790,3,MCV,94.0,94,fL,fL,1827 +163380282,859033,273,1,total protein,5.2,5.2,g/dL,g/dL,321 +185364948,859033,273,3,platelets x 1000,276.0,276,K/mcL,K/MM3,304 +162943582,859033,3213,1,sodium,145.0,145,mmol/L,mmol/L,3273 +184726615,859033,1790,3,Hgb,6.9,6.9,g/dL,g/dL,1827 +163379939,859033,273,1,alkaline phos.,77.0,77,Units/L,IU/L,321 +185364944,859033,273,3,WBC x 1000,7.6,7.6,K/mcL,K/MM3,304 +162204626,859033,1790,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,1853 +184726612,859033,1790,3,RBC,2.35,2.35,M/mcL,M/MM3,1827 +162943584,859033,3213,1,bicarbonate,27.0,27,mmol/L,mmol/L,3273 +185364945,859033,273,3,RDW,13.7,13.7,%,%,304 +162204627,859033,1790,1,potassium,4.2,4.2,mmol/L,mmol/L,1853 +184726616,859033,1790,3,WBC x 1000,5.1,5.1,K/mcL,K/MM3,1827 +163379938,859033,273,1,creatinine,1.12,1.12,mg/dL,mg/dL,321 +185364946,859033,273,3,MCH,28.3,28.3,pg,pg,304 +162204628,859033,1790,1,creatinine,1.02,1.02,mg/dL,mg/dL,1853 +184726613,859033,1790,3,Hct,22.0,22.0,%,%,1827 +162943581,859033,3213,1,anion gap,7.0,7,,,3273 +185365088,859033,3213,3,Hgb,8.0,8.0,g/dL,g/dL,3242 +162269273,859033,1790,1,sodium,143.0,143,mmol/L,mmol/L,1853 +184726620,859033,1790,3,platelets x 1000,281.0,281,K/mcL,K/MM3,1827 +163380283,859033,273,1,calcium,8.1,8.1,mg/dL,mg/dL,321 +185329684,859033,3640,3,MCV,92.0,92,fL,fL,3661 +162269275,859033,1790,1,bicarbonate,26.0,26,mmol/L,mmol/L,1853 +185364947,859033,273,3,MCHC,30.1,30.1,g/dL,g/dL,304 +162943580,859033,3213,1,creatinine,0.9,0.90,mg/dL,mg/dL,3273 +185329685,859033,3640,3,Hgb,8.3,8.3,g/dL,g/dL,3661 +162269277,859033,1790,1,calcium,8.3,8.3,mg/dL,mg/dL,1853 +184726611,859033,1790,3,MPV,8.7,8.7,fL,fL,1827 +163379940,859033,273,1,anion gap,6.0,6,,,321 +185329683,859033,3640,3,Hct,27.0,27.0,%,%,3661 +162269280,859033,1790,1,chloride,111.0,111,mmol/L,mmol/L,1853 +180061622,859033,3640,3,transferrin,149.0,149,mg/dL,mg/dL,3679 +162943583,859033,3213,1,albumin,2.0,2.0,g/dL,g/dL,3273 +185365091,859033,3213,3,MCH,28.2,28.2,pg,pg,3242 +162204631,859033,1790,1,AST (SGOT),12.0,12,Units/L,IU/L,1853 +185329682,859033,3640,3,RBC,2.95,2.95,M/mcL,M/MM3,3661 +163379936,859033,273,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,321 +190931672,859033,3383,4,bedside glucose,100.0,100,mg/dL,mg/dL,3383 +162269279,859033,1790,1,glucose,124.0,124,mg/dL,mg/dL,1853 +184726617,859033,1790,3,RDW,13.8,13.8,%,%,1827 +162943579,859033,3213,1,potassium,4.1,4.1,mmol/L,mmol/L,3273 +185329688,859033,3640,3,MCH,28.1,28.1,pg,pg,3661 +162269274,859033,1790,1,albumin,2.0,2.0,g/dL,g/dL,1853 +180061621,859033,3640,3,Fe,32.0,32,mcg/dL,ug/dL,3679 +163380285,859033,273,1,glucose,135.0,135,mg/dL,mg/dL,321 +185364943,859033,273,3,Hgb,7.2,7.2,g/dL,g/dL,304 +162269278,859033,1790,1,ALT (SGPT),13.0,13,Units/L,IU/L,1853 +185329681,859033,3640,3,MPV,8.6,8.6,fL,fL,3661 +162943585,859033,3213,1,calcium,8.6,8.6,mg/dL,mg/dL,3273 +190811394,859033,491,4,bedside glucose,127.0,127,mg/dL,mg/dL,491 +162269288,859033,1790,1,phosphate,3.5,3.5,mg/dL,mg/dL,1853 +184726618,859033,1790,3,MCH,29.4,29.4,pg,pg,1827 +163380287,859033,273,1,BUN,22.0,22,mg/dL,mg/dL,321 +185329686,859033,3640,3,WBC x 1000,6.4,6.4,K/mcL,K/MM3,3661 +162204630,859033,1790,1,anion gap,6.0,6,,,1853 +175882541,859033,810,3,Hct,23.2,23.2,%,%,846 +162943586,859033,3213,1,phosphate,3.5,3.5,mg/dL,mg/dL,3273 +185365092,859033,3213,3,MCHC,30.7,30.7,g/dL,g/dL,3242 +162204629,859033,1790,1,alkaline phos.,86.0,86,Units/L,IU/L,1853 +185329687,859033,3640,3,RDW,14.4,14.4,%,%,3661 +163380284,859033,273,1,ALT (SGPT),10.0,10,Units/L,IU/L,321 +188275511,859033,1900,4,bedside glucose,112.0,112,mg/dL,mg/dL,1900 +162269276,859033,1790,1,total protein,5.3,5.3,g/dL,g/dL,1853 +189931010,859033,3976,4,bedside glucose,168.0,168,mg/dL,mg/dL,3976 +162943587,859033,3213,1,glucose,105.0,105,mg/dL,mg/dL,3273 +185329690,859033,3640,3,platelets x 1000,263.0,263,K/mcL,K/MM3,3661 +162269281,859033,1790,1,BUN,23.0,23,mg/dL,mg/dL,1853 +191556246,859033,1311,4,bedside glucose,184.0,184,mg/dL,mg/dL,1311 +165625094,859033,1790,2,Vancomycin - trough,29.6,29.6,mcg/mL,ug/mL,1853 +184726619,859033,1790,3,MCHC,31.4,31.4,g/dL,g/dL,1827 +172659758,859033,810,3,Hgb,7.3,7.3,g/dL,g/dL,846 +185329689,859033,3640,3,MCHC,30.7,30.7,g/dL,g/dL,3661 +163427767,859033,1790,1,CPK,35.0,35,Units/L,IU/L,1853 +187897615,859033,1077,4,bedside glucose,241.0,241,mg/dL,mg/dL,1077 +165625095,859033,3213,2,Vancomycin - random,15.6,15.6,mcg/mL,ug/mL,3273 +143738827,859033,273,1,lipase,42.0,42,Units/L,IU/L,321 +226529148,859033,45,7,FiO2,31.0,31,%,%,47 +152603105,859033,1790,1,magnesium,1.8,1.8,mg/dL,mg/dL,1853 +155578232,859033,273,1,CPK,38.0,38,Units/L,IU/L,321 +190989332,859033,2238,4,bedside glucose,213.0,213,mg/dL,mg/dL,2238 +187280468,859033,3102,4,bedside glucose,127.0,127,mg/dL,mg/dL,3102 +147816105,859033,273,1,phosphate,4.6,4.6,mg/dL,mg/dL,321 +191105646,859033,748,4,bedside glucose,279.0,279,mg/dL,mg/dL,748 +160146915,859033,273,1,magnesium,2.2,2.2,mg/dL,mg/dL,321 +155068260,859033,1790,1,lipase,110.0,110,Units/L,IU/L,1853 +187769771,859033,3679,4,bedside glucose,179.0,179,mg/dL,mg/dL,3679 +187693107,859033,2765,4,bedside glucose,205.0,205,mg/dL,mg/dL,2765 +187602281,859033,2456,4,bedside glucose,182.0,182,mg/dL,mg/dL,2456 +187735665,859033,1646,4,bedside glucose,154.0,154,mg/dL,mg/dL,1646 +185365087,859033,3213,3,MCV,92.0,92,fL,fL,3242 +288509029,1176674,3204,3,RDW,13.3,13.3,%,%,3241 +288509030,1176674,3204,3,-monos,11.0,11.0,%,%,3241 +279664606,1176674,4646,1,albumin,3.9,3.9,g/dL,gm/dL,4750 +288509031,1176674,3204,3,platelets x 1000,282.0,282,K/mcL,thou/cumm,3241 +279664607,1176674,4646,1,phosphate,3.5,3.5,mg/dL,mg/dL,4750 +288509024,1176674,3204,3,-polys,67.2,67.2,%,%,3241 +279664601,1176674,4646,1,chloride,91.0,91,mmol/L,mmol/L,4750 +288509025,1176674,3204,3,Hct,35.0,35.0,%,%,3241 +279664598,1176674,4646,1,glucose,145.0,145,mg/dL,mg/dL,4750 +288509026,1176674,3204,3,-eos,4.6,4.6,%,%,3241 +279664600,1176674,4646,1,potassium,4.7,4.7,mmol/L,mmol/L,4750 +288509022,1176674,3204,3,RBC,3.85,3.85,M/mcL,mill/cumm,3241 +279664604,1176674,4646,1,BUN,44.0,44,mg/dL,mg/dL,4750 +278785417,1176674,3204,1,calcium,8.9,8.9,mg/dL,mg/dL,3285 +288509023,1176674,3204,3,-basos,0.6,0.6,%,%,3241 +278785416,1176674,3204,1,bicarbonate,25.0,25,mmol/L,mmol/L,3285 +279664599,1176674,4646,1,sodium,129.0,129,mmol/L,mmol/L,4750 +278785418,1176674,3204,1,phosphate,4.3,4.3,mg/dL,mg/dL,3285 +288509027,1176674,3204,3,Hgb,11.9,11.9,g/dL,g/dL,3241 +278785419,1176674,3204,1,glucose,139.0,139,mg/dL,mg/dL,3285 +279664603,1176674,4646,1,calcium,9.3,9.3,mg/dL,mg/dL,4750 +278785413,1176674,3204,1,creatinine,2.23,2.23,mg/dL,mg/dL,3285 +288509021,1176674,3204,3,-lymphs,15.6,15.6,%,%,3241 +281958511,1176674,291,1,potassium,3.8,3.8,mmol/L,mmol/L,371 +278785414,1176674,3204,1,sodium,127.0,127,mmol/L,mmol/L,3285 +281958514,1176674,291,1,albumin,4.4,4.4,g/dL,gm/dL,371 +279664605,1176674,4646,1,creatinine,1.66,1.66,mg/dL,mg/dL,4750 +281958512,1176674,291,1,creatinine,3.62,3.62,mg/dL,mg/dL,371 +288929163,1176674,1757,3,-eos,6.3,6.3,%,%,1839 +278785421,1176674,3204,1,BUN,57.0,57,mg/dL,mg/dL,3285 +288929160,1176674,1757,3,-basos,0.5,0.5,%,%,1839 +281958513,1176674,291,1,sodium,127.0,127,mmol/L,mmol/L,371 +288929159,1176674,1757,3,RBC,3.98,3.98,M/mcL,mill/cumm,1839 +288509020,1176674,3204,3,MPV,10.2,10.2,fL,fl,3241 +288929404,1176674,1757,3,platelets x 1000,357.0,357,K/mcL,thou/cumm,1839 +281958518,1176674,291,1,glucose,151.0,151,mg/dL,mg/dL,371 +280307102,1176674,1757,1,BUN,74.0,74,mg/dL,mg/dL,1819 +288929402,1176674,1757,3,RDW,13.3,13.3,%,%,1839 +275897893,1176674,6091,1,creatinine,1.22,1.22,mg/dL,mg/dL,6125 +278785412,1176674,3204,1,potassium,4.6,4.6,mmol/L,mmol/L,3285 +280307101,1176674,1757,1,chloride,86.0,86,mmol/L,mmol/L,1819 +288929403,1176674,1757,3,-monos,10.6,10.6,%,%,1839 +275897894,1176674,6091,1,albumin,3.8,3.8,g/dL,gm/dL,6125 +281958519,1176674,291,1,chloride,82.0,82,mmol/L,mmol/L,371 +280307100,1176674,1757,1,glucose,148.0,148,mg/dL,mg/dL,1819 +288929400,1176674,1757,3,Hgb,12.0,12.0,g/dL,g/dL,1839 +275897895,1176674,6091,1,phosphate,4.0,4.0,mg/dL,mg/dL,6125 +279664602,1176674,4646,1,bicarbonate,26.0,26,mmol/L,mmol/L,4750 +280307099,1176674,1757,1,phosphate,6.6,6.6,mg/dL,mg/dL,1819 +288929401,1176674,1757,3,WBC x 1000,14.97,14.97,K/mcL,thou/cumm,1839 +275897892,1176674,6091,1,BUN,33.0,33,mg/dL,mg/dL,6125 +281958520,1176674,291,1,BUN,65.0,65,mg/dL,mg/dL,371 +280307098,1176674,1757,1,calcium,8.4,8.4,mg/dL,mg/dL,1819 +288929161,1176674,1757,3,-polys,65.7,65.7,%,%,1839 +275897886,1176674,6091,1,glucose,151.0,151,mg/dL,mg/dL,6125 +278785415,1176674,3204,1,albumin,3.8,3.8,g/dL,gm/dL,3285 +280307095,1176674,1757,1,sodium,124.0,124,mmol/L,mmol/L,1819 +289889397,1176674,1246,4,urinary specific gravity,1.014,1.014,,,1307 +275897890,1176674,6091,1,bicarbonate,26.0,26,mmol/L,mmol/L,6125 +285641941,1176674,7668,3,MPV,9.2,9.2,fL,fl,7685 +276843166,1176674,7668,1,calcium,9.1,9.1,mg/dL,mg/dL,7745 +280307096,1176674,1757,1,albumin,3.7,3.7,g/dL,gm/dL,1819 +281958516,1176674,291,1,calcium,9.4,9.4,mg/dL,mg/dL,371 +276843168,1176674,7668,1,creatinine,1.98,1.98,mg/dL,mg/dL,7745 +275897888,1176674,6091,1,potassium,4.1,4.1,mmol/L,mmol/L,6125 +288929158,1176674,1757,3,-lymphs,16.0,16.0,%,%,1839 +276843169,1176674,7668,1,albumin,3.7,3.7,g/dL,gm/dL,7745 +280307094,1176674,1757,1,creatinine,4.19,4.19,mg/dL,mg/dL,1819 +285641940,1176674,7668,3,platelets x 1000,375.0,375,K/mcL,thou/cumm,7685 +276843167,1176674,7668,1,BUN,41.0,41,mg/dL,mg/dL,7745 +275897887,1176674,6091,1,sodium,129.0,129,mmol/L,mmol/L,6125 +288509028,1176674,3204,3,WBC x 1000,11.44,11.44,K/mcL,thou/cumm,3241 +276843164,1176674,7668,1,chloride,88.0,88,mmol/L,mmol/L,7745 +280307093,1176674,1757,1,potassium,4.0,4.0,mmol/L,mmol/L,1819 +289810383,1176674,1246,4,urinary osmolality,367.0,367,mOsm/L,mOsm/kg,1574 +276843165,1176674,7668,1,bicarbonate,27.0,27,mmol/L,mmol/L,7745 +275897891,1176674,6091,1,calcium,9.2,9.2,mg/dL,mg/dL,6125 +285641939,1176674,7668,3,Hct,34.3,34.3,%,%,7685 +276843162,1176674,7668,1,sodium,129.0,129,mmol/L,mmol/L,7745 +280307097,1176674,1757,1,bicarbonate,24.0,24,mmol/L,mmol/L,1819 +281958517,1176674,291,1,phosphate,7.5,7.5,mg/dL,mg/dL,371 +276843170,1176674,7668,1,phosphate,5.4,5.4,mg/dL,mg/dL,7745 +277805393,1176674,1757,1,magnesium,2.8,2.8,mg/dL,mg/dL,1819 +288929162,1176674,1757,3,Hct,35.9,35.9,%,%,1839 +276843163,1176674,7668,1,potassium,4.3,4.3,mmol/L,mmol/L,7745 +292656886,1176674,2494,7,FiO2,33.0,33,%,%,2495 +285641936,1176674,7668,3,WBC x 1000,15.68,15.68,K/mcL,thou/cumm,7685 +276843161,1176674,7668,1,glucose,151.0,151,mg/dL,mg/dL,7745 +275897889,1176674,6091,1,chloride,91.0,91,mmol/L,mmol/L,6125 +278785420,1176674,3204,1,chloride,89.0,89,mmol/L,mmol/L,3285 +289220065,1176674,1246,4,urinary sodium,59.0,59,mmol/L,mmol/L,1478 +292656887,1176674,2494,7,Respiratory Rate,18.0,18,/min,/min,2495 +289813437,1176674,1246,4,urinary creatinine,158.12,158.12,mg/dL,mg/dL,1307 +292164398,1176674,314,7,O2 Sat (%),97.0,97,%,%,314 +285641937,1176674,7668,3,RBC,3.73,3.73,M/mcL,mill/cumm,7685 +292164396,1176674,314,7,FiO2,29.0,29,%,%,314 +281958515,1176674,291,1,bicarbonate,26.0,26,mmol/L,mmol/L,371 +291542886,1176674,1814,7,FiO2,33.0,33,%,%,1814 +288929157,1176674,1757,3,MPV,10.9,10.9,fL,fl,1839 +292164397,1176674,314,7,Respiratory Rate,20.0,20,/min,/min,314 +285641938,1176674,7668,3,Hgb,11.3,11.3,g/dL,g/dL,7685 +291542887,1176674,1814,7,Respiratory Rate,22.0,22,/min,/min,1814 +607895689,2627574,2094,3,MPV,9.8,9.8,fL,fL,2119 +607895688,2627574,2094,3,platelets x 1000,353.0,353,K/mcL,TH/uL,2119 +607895687,2627574,2094,3,-lymphs,10.0,10,%,%,2119 +607895679,2627574,2094,3,WBC x 1000,10.23,10.23,K/mcL,TH/uL,2119 +607895680,2627574,2094,3,RDW,14.4,14.4,%,%,2119 +598331389,2627574,7870,1,chloride,94.0,94,mmol/L,MEQ/L,7997 +607895686,2627574,2094,3,RBC,3.38,3.38,M/mcL,MIL/uL,2119 +609701909,2627574,3526,3,platelets x 1000,338.0,338,K/mcL,TH/uL,3574 +598331383,2627574,7870,1,BUN,33.0,33,mg/dL,mg/dL,7997 +606409441,2627574,-565,3,MCHC,32.0,32,g/dL,%,-553 +609701910,2627574,3526,3,-lymphs,21.0,21,%,%,3574 +607895690,2627574,2094,3,Hgb,9.8,9.8,g/dL,g/dL,2119 +606409440,2627574,-565,3,RBC,4.13,4.13,M/mcL,MIL/uL,-553 +609701911,2627574,3526,3,MCHC,32.0,32,g/dL,%,3574 +598331387,2627574,7870,1,glucose,92.0,92,mg/dL,mg/dL,7997 +606409442,2627574,-565,3,-monos,3.0,3,%,%,-553 +609701908,2627574,3526,3,RDW,14.3,14.3,%,%,3574 +606409446,2627574,-565,3,WBC x 1000,9.94,9.94,K/mcL,TH/uL,-553 +609701912,2627574,3526,3,MCV,89.0,89,fL,fL,3574 +598331388,2627574,7870,1,bicarbonate,32.0,32,mmol/L,MEQ/L,7997 +606409436,2627574,-565,3,MCV,90.0,90,fL,fL,-553 +609701913,2627574,3526,3,MCH,29.0,29,pg,pg,3574 +607895681,2627574,2094,3,MCHC,32.0,32,g/dL,%,2119 +599006888,2627574,-565,1,total protein,7.8,7.8,g/dL,g/dL,-528 +609701921,2627574,3526,3,MPV,10.1,10.1,fL,fL,3574 +598331385,2627574,7870,1,calcium,8.8,8.8,mg/dL,mg/dL,7997 +606409437,2627574,-565,3,-polys,59.0,59,%,%,-553 +609701920,2627574,3526,3,-polys,62.0,62,%,%,3574 +601160585,2627574,2094,1,bicarbonate,32.0,32,mmol/L,MEQ/L,2132 +617072077,2627574,831,7,LPM O2,4.0,4.00,L/min,L/min,849 +609701916,2627574,3526,3,Hgb,9.9,9.9,g/dL,g/dL,3574 +607895682,2627574,2094,3,-eos,3.0,3,%,%,2119 +599006887,2627574,-565,1,alkaline phos.,242.0,242,Units/L,IU/L,-528 +608824111,2627574,7870,3,-lymphs,24.0,24,%,%,7978 +601160586,2627574,2094,1,glucose,106.0,106,mg/dL,mg/dL,2132 +606409435,2627574,-565,3,Hgb,11.9,11.9,g/dL,g/dL,-553 +609143655,2627574,6385,3,RDW,13.9,13.9,%,%,6406 +598331382,2627574,7870,1,sodium,134.0,134,mmol/L,MEQ/L,7997 +617072075,2627574,831,7,Base Excess,6.1,6.1,mEq/L,MEQ/L,849 +608824109,2627574,7870,3,RDW,13.7,13.7,%,%,7978 +601160587,2627574,2094,1,BUN,31.0,31,mg/dL,mg/dL,2132 +599006890,2627574,-565,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-528 +609701915,2627574,3526,3,-eos,5.0,5,%,%,3574 +607895683,2627574,2094,3,-polys,77.0,77,%,%,2119 +606409445,2627574,-565,3,MCH,29.0,29,pg,pg,-553 +608824110,2627574,7870,3,platelets x 1000,376.0,376,K/mcL,TH/uL,7978 +601160582,2627574,2094,1,calcium,8.8,8.8,mg/dL,mg/dL,2132 +617072074,2627574,831,7,HCO3,31.8,31.8,mmol/L,MEQ/L,849 +609143656,2627574,6385,3,platelets x 1000,348.0,348,K/mcL,TH/uL,6406 +598331384,2627574,7870,1,creatinine,1.4,1.4,mg/dL,mg/dL,7997 +599006891,2627574,-565,1,direct bilirubin,0.0,0.0,mg/dL,mg/dL,-528 +608824108,2627574,7870,3,-eos,5.0,5,%,%,7978 +601160588,2627574,2094,1,creatinine,1.3,1.3,mg/dL,mg/dL,2132 +606409438,2627574,-565,3,platelets x 1000,429.0,429,K/mcL,TH/uL,-553 +609701917,2627574,3526,3,-monos,12.0,12,%,%,3574 +607895684,2627574,2094,3,Hct,30.0,30,%,%,2119 +617072073,2627574,831,7,paCO2,49.0,49,mm Hg,mm Hg,849 +608824106,2627574,7870,3,WBC x 1000,5.2,5.20,K/mcL,TH/uL,7978 +601160584,2627574,2094,1,potassium,4.9,4.9,mmol/L,MEQ/L,2132 +599006892,2627574,-565,1,AST (SGOT),43.0,43,Units/L,IU/L,-528 +609143654,2627574,6385,3,Hct,30.0,30,%,%,6406 +598331386,2627574,7870,1,anion gap,8.0,8,,,7997 +606409439,2627574,-565,3,RDW,14.1,14.1,%,%,-553 +608824103,2627574,7870,3,-monos,9.0,9,%,%,7978 +601160589,2627574,2094,1,anion gap,7.0,7,,,2132 +617072076,2627574,831,7,paO2,72.0,72,mm Hg,mm Hg,849 +609701918,2627574,3526,3,RBC,3.45,3.45,M/mcL,MIL/uL,3574 +607895685,2627574,2094,3,MCV,90.0,90,fL,fL,2119 +599006889,2627574,-565,1,albumin,4.1,4.1,g/dL,g/dL,-528 +598988588,2627574,629,1,sodium,135.0,135,mmol/L,MEQ/L,696 +601160583,2627574,2094,1,chloride,96.0,96,mmol/L,MEQ/L,2132 +606409443,2627574,-565,3,-eos,4.0,4,%,%,-553 +608824104,2627574,7870,3,Hgb,10.5,10.5,g/dL,g/dL,7978 +598331381,2627574,7870,1,potassium,4.4,4.4,mmol/L,MEQ/L,7997 +617072071,2627574,831,7,pH,7.42,7.42,,units,849 +598988589,2627574,629,1,bicarbonate,33.0,33,mmol/L,MEQ/L,696 +601160590,2627574,2094,1,sodium,135.0,135,mmol/L,MEQ/L,2132 +599006893,2627574,-565,1,ALT (SGPT),30.0,30,Units/L,IU/L,-528 +609143653,2627574,6385,3,Hgb,9.7,9.7,g/dL,g/dL,6406 +598488817,2627574,6385,1,magnesium,2.0,2.0,mg/dL,mg/dL,6427 +606409444,2627574,-565,3,-lymphs,35.0,35,%,%,-553 +598988587,2627574,629,1,chloride,98.0,98,mmol/L,MEQ/L,696 +606554924,2627574,2242,3,PT - INR,1.1,1.1,ratio,,2270 +608824107,2627574,7870,3,RBC,3.55,3.55,M/mcL,MIL/uL,7978 +606554923,2627574,2242,3,PT,13.7,13.7,sec,sec,2270 +598988590,2627574,629,1,BUN,26.0,26,mg/dL,mg/dL,696 +606587725,2627574,2242,3,PTT,34.0,34,sec,sec,2270 +610235700,2627574,6385,3,MPV,9.6,9.6,fL,fL,6406 +609701919,2627574,3526,3,WBC x 1000,6.73,6.73,K/mcL,TH/uL,3574 +610235701,2627574,6385,3,-polys,55.0,55,%,%,6406 +600288761,2627574,5031,1,AST (SGOT),25.0,25,Units/L,IU/L,5060 +610235699,2627574,6385,3,-monos,14.0,14,%,%,6406 +598988591,2627574,629,1,calcium,8.8,8.8,mg/dL,mg/dL,696 +610235697,2627574,6385,3,MCH,29.0,29,pg,pg,6406 +600288762,2627574,5031,1,BUN,36.0,36,mg/dL,mg/dL,5060 +610235696,2627574,6385,3,MCV,89.0,89,fL,fL,6406 +608824105,2627574,7870,3,MCHC,34.0,34,g/dL,%,7978 +610235698,2627574,6385,3,-lymphs,25.0,25,%,%,6406 +600288753,2627574,5031,1,chloride,96.0,96,mmol/L,MEQ/L,5060 +610235694,2627574,6385,3,MCHC,32.0,32,g/dL,%,6406 +598988593,2627574,629,1,potassium,4.6,4.6,mmol/L,MEQ/L,696 +610235695,2627574,6385,3,-eos,6.0,6,%,%,6406 +604138054,2627574,5031,1,CPK,32.0,32,Units/L,IU/L,5060 +600288754,2627574,5031,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,5060 +610235633,2627574,629,3,-monos,7.0,7,%,%,686 +603456735,2627574,-565,1,chloride,101.0,101,mmol/L,MEQ/L,-545 +609143652,2627574,6385,3,RBC,3.38,3.38,M/mcL,MIL/uL,6406 +610235632,2627574,629,3,MCV,89.0,89,fL,fL,686 +603921531,2627574,6385,1,creatinine,1.4,1.4,mg/dL,mg/dL,6427 +600288764,2627574,5031,1,anion gap,9.0,9,,,5060 +610235634,2627574,629,3,Hgb,9.5,9.5,g/dL,g/dL,686 +603392841,2627574,-565,1,troponin - I,0.01,0.01,ng/mL,ng/mL,-520 +598988594,2627574,629,1,glucose,84.0,84,mg/dL,mg/dL,696 +610235630,2627574,629,3,MCH,29.0,29,pg,pg,686 +603921530,2627574,6385,1,BUN,34.0,34,mg/dL,mg/dL,6427 +600288755,2627574,5031,1,glucose,94.0,94,mg/dL,mg/dL,5060 +610235631,2627574,629,3,RDW,14.2,14.2,%,%,686 +603456736,2627574,-565,1,glucose,212.0,212,mg/dL,mg/dL,-545 +608824102,2627574,7870,3,MCH,30.0,30,pg,pg,7978 +610235629,2627574,629,3,-eos,2.0,2,%,%,686 +603921536,2627574,6385,1,sodium,134.0,134,mmol/L,MEQ/L,6427 +600288760,2627574,5031,1,calcium,8.9,8.9,mg/dL,mg/dL,5060 +610235693,2627574,6385,3,WBC x 1000,5.34,5.34,K/mcL,TH/uL,6406 +603456739,2627574,-565,1,bicarbonate,25.0,25,mmol/L,MEQ/L,-545 +598988586,2627574,629,1,anion gap,5.0,5,,,696 +610235624,2627574,629,3,-lymphs,13.0,13,%,%,686 +603921537,2627574,6385,1,glucose,97.0,97,mg/dL,mg/dL,6427 +600288763,2627574,5031,1,sodium,137.0,137,mmol/L,MEQ/L,5060 +610235625,2627574,629,3,-polys,78.0,78,%,%,686 +603456737,2627574,-565,1,potassium,4.5,4.5,mmol/L,MEQ/L,-545 +609701914,2627574,3526,3,Hct,31.0,31,%,%,3574 +610235626,2627574,629,3,RBC,3.26,3.26,M/mcL,MIL/uL,686 +603921532,2627574,6385,1,calcium,8.9,8.9,mg/dL,mg/dL,6427 +600288756,2627574,5031,1,ALT (SGPT),26.0,26,Units/L,IU/L,5060 +618849294,2627574,-110,7,FiO2,0.4,0.40,%,,-97 +603456738,2627574,-565,1,sodium,135.0,135,mmol/L,MEQ/L,-545 +617796793,2627574,-110,7,Vent Rate,12.0,12,/min,bpm,-97 +610235627,2627574,629,3,MPV,9.9,9.9,fL,fL,686 +603921533,2627574,6385,1,anion gap,6.0,6,,,6427 +600288759,2627574,5031,1,creatinine,1.2,1.2,mg/dL,mg/dL,5060 +618205945,2627574,-520,7,FiO2,1.0,1.00,%,,-503 +603456740,2627574,-565,1,anion gap,9.0,9,,,-545 +598988592,2627574,629,1,creatinine,1.3,1.3,mg/dL,mg/dL,696 +618849295,2627574,-110,7,pH,7.4,7.40,,units,-97 +603921534,2627574,6385,1,chloride,94.0,94,mmol/L,MEQ/L,6427 +600288766,2627574,5031,1,potassium,4.2,4.2,mmol/L,MEQ/L,5060 +618205938,2627574,-520,7,paCO2,71.0,71,mm Hg,mm Hg,-503 +603456733,2627574,-565,1,creatinine,1.1,1.1,mg/dL,mg/dL,-545 +608824101,2627574,7870,3,Hct,31.0,31,%,%,7978 +610236026,2627574,7870,3,-polys,61.0,61,%,%,7978 +603921538,2627574,6385,1,potassium,4.1,4.1,mmol/L,MEQ/L,6427 +600288765,2627574,5031,1,albumin,3.1,3.1,g/dL,g/dL,5060 +618205940,2627574,-520,7,Vent Rate,12.0,12,/min,bpm,-503 +603456734,2627574,-565,1,BUN,20.0,20,mg/dL,mg/dL,-545 +617796791,2627574,-110,7,Base Excess,3.0,3.0,mEq/L,MEQ/L,-97 +618849297,2627574,-110,7,Pressure Support,8.0,8.0,cm H2O,cmH20,-97 +603921535,2627574,6385,1,bicarbonate,34.0,34,mmol/L,MEQ/L,6427 +600288757,2627574,5031,1,total protein,6.1,6.1,g/dL,g/dL,5060 +618205941,2627574,-520,7,HCO3,26.5,26.5,mmol/L,MEQ/L,-503 +603456741,2627574,-565,1,calcium,8.6,8.6,mg/dL,mg/dL,-545 +598635721,2627574,-242,1,troponin - I,0.03,0.03,ng/mL,ng/mL,-200 +610236024,2627574,7870,3,MCV,87.0,87,fL,fL,7978 +599058157,2627574,-80,1,troponin - I,0.03,0.03,ng/mL,ng/mL,-31 +600288758,2627574,5031,1,alkaline phos.,158.0,158,Units/L,IU/L,5060 +618205943,2627574,-520,7,Base Excess,-3.5,-3.5,mEq/L,MEQ/L,-503 +605067279,2627574,629,3,MCHC,33.0,33,g/dL,%,686 +618849293,2627574,-110,7,paO2,93.0,93,mm Hg,mm Hg,-97 +602200113,2627574,3526,1,glucose,91.0,91,mg/dL,mg/dL,3590 +618205942,2627574,-520,7,pH,7.18,7.18,,units,-503 +605067277,2627574,629,3,WBC x 1000,9.94,9.94,K/mcL,TH/uL,686 +610235628,2627574,629,3,Hct,29.0,29,%,%,686 +602200114,2627574,3526,1,potassium,4.4,4.4,mmol/L,MEQ/L,3590 +618205936,2627574,-520,7,PEEP,6.0,6.0,cm H2O,cmH20,-503 +605067278,2627574,629,3,platelets x 1000,353.0,353,K/mcL,TH/uL,686 +618849296,2627574,-110,7,paCO2,46.0,46,mm Hg,mm Hg,-97 +604425512,2627574,3526,1,anion gap,11.0,11,,,3590 +610236069,2627574,-565,3,MPV,9.4,9.4,fL,fL,-553 +604424998,2627574,5031,1,HDL,40.0,40,mg/dL,mg/dL,5060 +610236025,2627574,7870,3,MPV,10.6,10.6,fL,fL,7978 +604426161,2627574,5031,1,bicarbonate,32.0,32,mmol/L,MEQ/L,5060 +618205937,2627574,-520,7,paO2,248.0,248,mm Hg,mm Hg,-503 +604424999,2627574,5031,1,triglycerides,91.0,91,mg/dL,mg/dL,5060 +618849298,2627574,-110,7,HCO3,28.5,28.5,mmol/L,MEQ/L,-97 +604425510,2627574,3526,1,creatinine,1.4,1.4,mg/dL,mg/dL,3590 +610236070,2627574,-565,3,Hct,37.0,37,%,%,-553 +604424996,2627574,5031,1,LDL,52.0,52,mg/dL,mg/dL,5060 +610236098,2627574,2094,3,MCH,29.0,29,pg,pg,2119 +604425508,2627574,3526,1,calcium,8.9,8.9,mg/dL,mg/dL,3590 +610571239,2627574,-230,4,bedside glucose,98.0,98,mg/dL,mg/dL,-230 +604425509,2627574,3526,1,chloride,96.0,96,mmol/L,MEQ/L,3590 +618205935,2627574,-520,7,Pressure Support,12.0,12.0,cm H2O,cmH20,-503 +604425511,2627574,3526,1,bicarbonate,30.0,30,mmol/L,MEQ/L,3590 +610944791,2627574,-580,4,bedside glucose,185.0,185,mg/dL,mg/dL,-580 +604424997,2627574,5031,1,total cholesterol,110.0,110,mg/dL,mg/dL,5060 +610581265,2627574,4196,4,bedside glucose,117.0,117,mg/dL,mg/dL,4196 +604425513,2627574,3526,1,BUN,32.0,32,mg/dL,mg/dL,3590 +611829672,2627574,-571,4,bedside glucose,203.0,203,mg/dL,mg/dL,-571 +604425514,2627574,3526,1,sodium,137.0,137,mmol/L,MEQ/L,3590 +607895678,2627574,2094,3,-monos,10.0,10,%,%,2119 +440232841,1812280,2002,3,-polys,66.0,66,%,%,2058 +426906182,1812280,2002,1,total protein,6.4,6.4,g/dL,g/dL,2076 +440232851,1812280,2002,3,platelets x 1000,192.0,192,K/mcL,10,2058 +426906181,1812280,2002,1,bicarbonate,26.0,26,mmol/L,mmol/L,2076 +440232840,1812280,2002,3,-basos,1.0,1,%,%,2058 +417657219,1812280,-93,1,BUN,18.0,18,mg/dL,mg/dL,-58 +426906180,1812280,2002,1,albumin,4.0,4.0,g/dL,G/DL,2076 +417657211,1812280,-93,1,albumin,4.3,4.3,g/dL,G/DL,-58 +440232842,1812280,2002,3,Hct,43.3,43.3,%,%,2057 +417657218,1812280,-93,1,chloride,101.0,101,mmol/L,MEQ/L,-58 +426906184,1812280,2002,1,ALT (SGPT),45.0,45,Units/L,U/L,2076 +417657210,1812280,-93,1,sodium,132.0,132,mmol/L,MEQ/L,-58 +440232837,1812280,2002,3,MPV,8.9,8.9,fL,FL,2058 +417657208,1812280,-93,1,anion gap,13.0,13,,,-58 +426906177,1812280,2002,1,AST (SGOT),26.0,26,Units/L,U/L,2076 +417657213,1812280,-93,1,total protein,6.5,6.5,g/dL,g/dL,-58 +440232838,1812280,2002,3,-lymphs,22.0,22,%,%,2058 +417657214,1812280,-93,1,calcium,9.0,9.0,mg/dL,mg/dL,-58 +426906178,1812280,2002,1,sodium,134.0,134,mmol/L,MEQ/L,2076 +417657216,1812280,-93,1,ALT (SGPT),29.0,29,Units/L,U/L,-58 +440232849,1812280,2002,3,-monos,8.0,8,%,%,2058 +417657212,1812280,-93,1,bicarbonate,24.0,24,mmol/L,mmol/L,-58 +426906179,1812280,2002,1,magnesium,1.8,1.8,mg/dL,mg/dL,2076 +417657207,1812280,-93,1,alkaline phos.,51.0,51,Units/L,U/L,-58 +440232845,1812280,2002,3,Hgb,14.4,14.4,g/dL,G/DL,2057 +417657204,1812280,-93,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-58 +426906176,1812280,2002,1,anion gap,12.0,12,,,2076 +417657217,1812280,-93,1,glucose,191.0,191,mg/dL,MG/DL,-58 +440232844,1812280,2002,3,MCV,94.7,94.7,fL,FL,2058 +417657205,1812280,-93,1,potassium,4.3,4.3,mmol/L,MEQ/L,-58 +426906185,1812280,2002,1,glucose,104.0,104,mg/dL,MG/DL,2076 +445293893,1812280,-109,4,bedside glucose,208.0,208,mg/dL,MG/DL,-104 +417657206,1812280,-93,1,creatinine,1.1,1.1,mg/dL,MG/DL,-58 +440232843,1812280,2002,3,-eos,4.0,4,%,%,2058 +443990343,1812280,2266,4,bedside glucose,113.0,113,mg/dL,MG/DL,2271 +417657209,1812280,-93,1,AST (SGOT),21.0,21,Units/L,U/L,-58 +426906186,1812280,2002,1,chloride,102.0,102,mmol/L,MEQ/L,2076 +418775124,1812280,552,1,BUN,16.0,16,mg/dL,mg/dL,593 +440232846,1812280,2002,3,WBC x 1000,11.2,11.2,K/mcL,10,2057 +418775123,1812280,552,1,chloride,103.0,103,mmol/L,MEQ/L,593 +426906187,1812280,2002,1,BUN,18.0,18,mg/dL,mg/dL,2076 +418775111,1812280,552,1,potassium,4.1,4.1,mmol/L,MEQ/L,593 +440232847,1812280,2002,3,RDW,13.7,13.7,%,%,2058 +418775121,1812280,552,1,ALT (SGPT),40.0,40,Units/L,U/L,593 +426906174,1812280,2002,1,creatinine,1.2,1.2,mg/dL,MG/DL,2076 +418775113,1812280,552,1,alkaline phos.,48.0,48,Units/L,U/L,593 +440232839,1812280,2002,3,RBC,4.57,4.57,M/mcL,10,2057 +418775112,1812280,552,1,creatinine,1.0,1.0,mg/dL,MG/DL,593 +426906172,1812280,2002,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,2076 +430063517,1812280,-93,3,platelets x 1000,203.0,203,K/mcL,10,-71 +418775114,1812280,552,1,anion gap,12.0,12,,,593 +430063516,1812280,-93,3,MCHC,34.1,34.1,g/dL,%,-71 +440232848,1812280,2002,3,MCH,31.6,31.6,pg,PG,2058 +430063503,1812280,-93,3,MPV,8.4,8.4,fL,FL,-71 +418775122,1812280,552,1,glucose,156.0,156,mg/dL,MG/DL,593 +430063515,1812280,-93,3,-monos,7.0,7,%,%,-71 +426906175,1812280,2002,1,alkaline phos.,52.0,52,Units/L,U/L,2076 +430063505,1812280,-93,3,RBC,4.58,4.58,M/mcL,10,-71 +418775117,1812280,552,1,albumin,3.8,3.8,g/dL,G/DL,593 +430063514,1812280,-93,3,MCH,32.3,32.3,pg,PG,-71 +440232850,1812280,2002,3,MCHC,33.4,33.4,g/dL,%,2058 +430063512,1812280,-93,3,WBC x 1000,8.2,8.2,K/mcL,10,-71 +418775118,1812280,552,1,bicarbonate,25.0,25,mmol/L,mmol/L,593 +430063511,1812280,-93,3,Hgb,14.8,14.8,g/dL,G/DL,-71 +426906173,1812280,2002,1,potassium,4.3,4.3,mmol/L,MEQ/L,2076 +430063506,1812280,-93,3,-basos,1.0,1,%,%,-71 +418775116,1812280,552,1,sodium,135.0,135,mmol/L,MEQ/L,593 +430063507,1812280,-93,3,-polys,65.0,65,%,%,-71 +444053783,1812280,1032,4,bedside glucose,123.0,123,mg/dL,MG/DL,1050 +430063508,1812280,-93,3,Hct,43.3,43.3,%,%,-71 +418775119,1812280,552,1,total protein,6.1,6.1,g/dL,g/dL,593 +430063509,1812280,-93,3,-eos,3.0,3,%,%,-71 +444486976,1812280,779,4,bedside glucose,134.0,134,mg/dL,MG/DL,798 +430063510,1812280,-93,3,MCV,94.5,94.5,fL,FL,-71 +418775120,1812280,552,1,calcium,8.8,8.8,mg/dL,mg/dL,593 +430063513,1812280,-93,3,RDW,14.2,14.2,%,%,-71 +445528274,1812280,3896,4,bedside glucose,104.0,104,mg/dL,MG/DL,3923 +445206233,1812280,183,4,bedside glucose,294.0,294,mg/dL,MG/DL,196 +429294363,1812280,-93,3,PT,12.0,12.0,sec,SEC,-66 +418775110,1812280,552,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,593 +443840189,1812280,1252,4,bedside glucose,225.0,225,mg/dL,MG/DL,1281 +430063504,1812280,-93,3,-lymphs,24.0,24,%,%,-71 +426906183,1812280,2002,1,calcium,9.2,9.2,mg/dL,mg/dL,2076 +443385856,1812280,-93,4,TSH,6.209,6.209,mcU/ml,uIU/mL,760 +443912436,1812280,3041,4,bedside glucose,180.0,180,mg/dL,MG/DL,3063 +418775115,1812280,552,1,AST (SGOT),31.0,31,Units/L,U/L,593 +445587663,1812280,3680,4,bedside glucose,85.0,85,mg/dL,MG/DL,3687 +429294364,1812280,-93,3,PT - INR,1.1,1.1,ratio,,-66 +745484182,3099740,355,1,CPK,189.0,189,Units/L,U/L,355 +745484180,3099740,355,1,AST (SGOT),32.0,32,Units/L,U/L,355 +745484181,3099740,355,1,LDH,159.0,159,Units/L,U/L,355 +555264912,2492812,16,3,Hct,45.6,45.6,%,%,16 +555264913,2492812,16,3,-eos,1.0,1,%,%,16 +555264911,2492812,16,3,-polys,72.0,72,%,%,16 +543040669,2492812,956,1,alkaline phos.,52.0,52,Units/L,U/L,956 +555264914,2492812,16,3,MCV,95.2,95.2,fL,fL,16 +543040677,2492812,956,1,ALT (SGPT),33.0,33,Units/L,U/L,956 +555264909,2492812,16,3,RBC,4.79,4.79,M/mcL,M/uL,16 +543040676,2492812,956,1,calcium,8.0,8.0,mg/dL,mg/dL,956 +555264908,2492812,16,3,-lymphs,19.0,19,%,%,16 +543040673,2492812,956,1,albumin,2.9,2.9,g/dL,g/dL,956 +555264915,2492812,16,3,Hgb,14.9,14.9,g/dL,g/dL,16 +543040672,2492812,956,1,sodium,140.0,140,mmol/L,mmol/L,956 +555264910,2492812,16,3,-basos,1.0,1,%,%,16 +543040671,2492812,956,1,AST (SGOT),36.0,36,Units/L,U/L,956 +555264917,2492812,16,3,RDW,13.4,13.4,%,%,16 +543040668,2492812,956,1,creatinine,0.64,0.64,mg/dL,mg/dL,956 +555264916,2492812,16,3,WBC x 1000,3.8,3.8,K/mcL,K/uL,16 +543040674,2492812,956,1,bicarbonate,31.0,31,mmol/L,mmol/L,956 +539301860,2492812,16,1,ALT (SGPT),30.0,30,Units/L,U/L,16 +555264921,2492812,16,3,platelets x 1000,200.0,200,K/mcL,K/uL,16 +539301861,2492812,16,1,glucose,99.0,99,mg/dL,mg/dL,16 +543040670,2492812,956,1,anion gap,5.0,5,,mmol/L,956 +539301862,2492812,16,1,chloride,102.0,102,mmol/L,mmol/L,16 +555264920,2492812,16,3,MCHC,32.8,32.8,g/dL,g/dL,16 +539301853,2492812,16,1,anion gap,2.0,2,,mmol/L,16 +543040666,2492812,956,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,956 +539301863,2492812,16,1,BUN,13.0,13,mg/dL,mg/dL,16 +555264919,2492812,16,3,-monos,7.0,7,%,%,16 +539301849,2492812,16,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,16 +543040675,2492812,956,1,total protein,6.4,6.4,g/dL,g/dL,956 +539301850,2492812,16,1,potassium,4.6,4.6,mmol/L,mmol/L,16 +555264918,2492812,16,3,MCH,31.2,31.2,pg,pg,16 +539301858,2492812,16,1,total protein,7.6,7.6,g/dL,g/dL,16 +543040667,2492812,956,1,potassium,4.3,4.3,mmol/L,mmol/L,956 +539301855,2492812,16,1,sodium,142.0,142,mmol/L,mmol/L,16 +566181883,2492812,1409,4,bedside glucose,124.0,124,mg/dL,mg/dL,1409 +539301859,2492812,16,1,calcium,9.3,9.3,mg/dL,mg/dL,16 +543040678,2492812,956,1,glucose,183.0,183,mg/dL,mg/dL,956 +539301852,2492812,16,1,alkaline phos.,52.0,52,Units/L,U/L,16 +555264907,2492812,16,3,MPV,7.9,7.9,fL,fL,16 +539301854,2492812,16,1,AST (SGOT),27.0,27,Units/L,U/L,16 +543040679,2492812,956,1,chloride,104.0,104,mmol/L,mmol/L,956 +539301851,2492812,16,1,creatinine,0.8,0.80,mg/dL,mg/dL,16 +550400168,2492812,695,2,Gentamicin - random,2.2,2.2,mcg/mL,ug/mL,695 +539301856,2492812,16,1,albumin,3.6,3.6,g/dL,g/dL,16 +543040680,2492812,956,1,BUN,11.0,11,mg/dL,mg/dL,956 +539301857,2492812,16,1,bicarbonate,38.0,38,mmol/L,mmol/L,16 +459139795,1849124,1648,7,paCO2,39.6,39.6,mm Hg,mmHg,1653 +459139796,1849124,1648,7,pH,7.39,7.39,,,1653 +459006369,1849124,-154,7,paCO2,40.3,40.3,mm Hg,mmHg,-63 +459139794,1849124,1648,7,paO2,76.0,76.0,mm Hg,mmHg,1653 +459006370,1849124,-154,7,pH,7.43,7.43,,,-63 +459195764,1849124,-239,7,O2 Sat (%),100.0,100.0,%,%,-63 +459195758,1849124,-239,7,Total CO2,25.0,25,,mmol/L,-63 +459195763,1849124,-239,7,pH,7.33,7.33,,,-63 +459195760,1849124,-239,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,-63 +459139792,1849124,1648,7,HCO3,24.0,24.0,mmol/L,mmol/L,1653 +459139793,1849124,1648,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,1653 +459006366,1849124,-154,7,HCO3,27.0,27.0,mmol/L,mmol/L,-63 +459006367,1849124,-154,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,-63 +459195759,1849124,-239,7,HCO3,24.0,24.0,mmol/L,mmol/L,-63 +459980946,1849124,190,7,Total CO2,24.0,24,,mmol/L,197 +459139797,1849124,1648,7,O2 Sat (%),95.0,95.0,%,%,1653 +459980947,1849124,190,7,HCO3,23.0,23.0,mmol/L,mmol/L,197 +459006368,1849124,-154,7,paO2,348.0,348.0,mm Hg,mmHg,-63 +459980950,1849124,190,7,paCO2,42.0,42.0,mm Hg,mmHg,197 +459006371,1849124,-154,7,O2 Sat (%),100.0,100.0,%,%,-63 +459980951,1849124,190,7,pH,7.34,7.34,,,197 +459195761,1849124,-239,7,paO2,322.0,322.0,mm Hg,mmHg,-63 +459719695,1849124,1410,7,O2 Sat (%),90.0,90.0,%,%,1418 +459980949,1849124,190,7,paO2,78.0,78.0,mm Hg,mmHg,197 +459719689,1849124,1410,7,Total CO2,23.0,23,,mmol/L,1418 +459139791,1849124,1648,7,Total CO2,25.0,25,,mmol/L,1653 +459719690,1849124,1410,7,HCO3,22.0,22.0,mmol/L,mmol/L,1418 +418731016,1849124,18101,1,glucose,175.0,175 ,mg/dL,mg/dL,18161 +459980952,1849124,190,7,O2 Sat (%),95.0,95.0,%,%,197 +418731017,1849124,18101,1,BUN,23.0,23,mg/dL,mg/dL,18161 +459719693,1849124,1410,7,paCO2,36.9,36.9,mm Hg,mmHg,1418 +418731021,1849124,18101,1,chloride,101.0,101,mmol/L,mmol/L,18161 +459195762,1849124,-239,7,paCO2,44.9,44.9,mm Hg,mmHg,-63 +418731018,1849124,18101,1,creatinine,1.36,1.36,mg/dL,mg/dL,18161 +459719692,1849124,1410,7,paO2,59.0,59.0,mm Hg,mmHg,1418 +418731022,1849124,18101,1,anion gap,6.0,6,,mmol/L,18161 +459413410,1849124,28,7,Total CO2,26.0,26,,mmol/L,35 +459980948,1849124,190,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,197 +459458531,1849124,-43,7,Base Deficit,4.0,4.0,mEq/L,mmol/L,-28 +418731019,1849124,18101,1,sodium,134.0,134,mmol/L,mmol/L,18161 +459458532,1849124,-43,7,paO2,129.0,129.0,mm Hg,mmHg,-28 +459719694,1849124,1410,7,pH,7.39,7.39,,,1418 +459413415,1849124,28,7,pH,7.38,7.38,,,35 +418731023,1849124,18101,1,calcium,9.0,9.0,mg/dL,mg/dL,18161 +459458530,1849124,-43,7,HCO3,23.0,23.0,mmol/L,mmol/L,-28 +459006365,1849124,-154,7,Total CO2,28.0,28,,mmol/L,-63 +459458533,1849124,-43,7,paCO2,48.5,48.5,mm Hg,mmHg,-28 +443013939,1849124,8409,4,bedside glucose,171.0,171 ,mg/dL,mg/dL,8419 +459413411,1849124,28,7,HCO3,25.0,25.0,mmol/L,mmol/L,35 +442800555,1849124,1322,4,bedside glucose,168.0,168 ,mg/dL,mg/dL,1325 +459413412,1849124,28,7,Base Deficit,0.0,0.0,mEq/L,mmol/L,35 +443640896,1849124,592,4,bedside glucose,110.0,110 ,mg/dL,mg/dL,594 +459458534,1849124,-43,7,pH,7.28,7.28,,,-28 +459719691,1849124,1410,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,1418 +459458535,1849124,-43,7,O2 Sat (%),98.0,98.0,%,%,-28 +443341275,1849124,525,4,bedside glucose,115.0,115 ,mg/dL,mg/dL,526 +459458529,1849124,-43,7,Total CO2,24.0,24,,mmol/L,-28 +445637754,1849124,17279,4,bedside glucose,184.0,184 ,mg/dL,mg/dL,17353 +459413414,1849124,28,7,paCO2,41.8,41.8,mm Hg,mmHg,35 +418731020,1849124,18101,1,potassium,3.9,3.9,mmol/L,mmol/L,18161 +459413413,1849124,28,7,paO2,64.0,64.0,mm Hg,mmHg,35 +458365198,1849124,2868,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,2874 +459413416,1849124,28,7,O2 Sat (%),92.0,92.0,%,%,35 +444222055,1849124,5522,4,bedside glucose,204.0,204 ,mg/dL,mg/dL,5524 +439987070,1849124,7988,3,MCH,26.0,26.0,pg,pg,8018 +443547662,1849124,6062,4,bedside glucose,205.0,205 ,mg/dL,mg/dL,6063 +421974290,1849124,16923,1,BUN,25.0,25,mg/dL,mg/dL,16977 +444087033,1849124,16812,4,bedside glucose,212.0,212 ,mg/dL,mg/dL,16818 +439987071,1849124,7988,3,MCHC,31.2,31.2,g/dL,%,8018 +458365202,1849124,2868,7,O2 Sat (%),96.0,96.0,%,%,2874 +421974289,1849124,16923,1,glucose,212.0,212 ,mg/dL,mg/dL,16977 +442058788,1849124,2282,3,Hct,32.0,32,%,%,2287 +439987069,1849124,7988,3,MCV,83.3,83.3,fL,fL,8018 +443631175,1849124,14679,4,bedside glucose,227.0,227 ,mg/dL,mg/dL,14708 +421974296,1849124,16923,1,calcium,8.8,8.8,mg/dL,mg/dL,16977 +443998253,1849124,2019,4,bedside glucose,89.0,89 ,mg/dL,mg/dL,2021 +439987068,1849124,7988,3,Hct,27.9,27.9,%,%,8018 +458365201,1849124,2868,7,pH,7.43,7.43,,,2874 +421974293,1849124,16923,1,potassium,3.9,3.9,mmol/L,mmol/L,16977 +422206493,1849124,15178,1,glucose,175.0,175 ,mg/dL,mg/dL,15229 +439987067,1849124,7988,3,Hgb,8.7,8.7,g/dL,g/dL,8018 +443505946,1849124,1733,4,bedside glucose,125.0,125 ,mg/dL,mg/dL,1735 +421974294,1849124,16923,1,chloride,102.0,102,mmol/L,mmol/L,16977 +442058789,1849124,2282,3,Hgb,10.9,10.9,g/dL,g/dL,2287 +439987072,1849124,7988,3,RDW,15.2,15.2,%,%,8018 +458365197,1849124,2868,7,HCO3,23.0,23.0,mmol/L,mmol/L,2874 +421974295,1849124,16923,1,anion gap,8.0,8,,mmol/L,16977 +426653467,1849124,19511,1,calcium,8.8,8.8,mg/dL,mg/dL,19583 +439987064,1849124,7988,3,WBC x 1000,6.4,6.4 ,K/mcL,k/mm cu,8018 +433230434,1849124,-276,3,Hct,31.0,31,%,%,-63 +421974292,1849124,16923,1,sodium,134.0,134,mmol/L,mmol/L,16977 +418471156,1849124,78,1,potassium,3.8,3.8 ,mmol/L,mmol/L,114 +439987066,1849124,7988,3,RBC,3.35,3.35,M/mcL,m/mm cu,8018 +458365196,1849124,2868,7,Total CO2,24.0,24,,mmol/L,2874 +421974291,1849124,16923,1,creatinine,1.17,1.17,mg/dL,mg/dL,16977 +422206498,1849124,15178,1,chloride,102.0,102,mmol/L,mmol/L,15229 +439987073,1849124,7988,3,MPV,8.0,8.0,fL,fL,8018 +417399096,1849124,2708,1,sodium,142.0,142,mmol/L,mmol/L,2785 +423003167,1849124,12668,1,BUN,24.0,24,mg/dL,mg/dL,12740 +443616727,1849124,1788,4,bedside glucose,137.0,137 ,mg/dL,mg/dL,1791 +439987065,1849124,7988,3,platelets x 1000,208.0,208,K/mcL,k/mm cu,8018 +445075763,1849124,13936,4,bedside glucose,174.0,174 ,mg/dL,mg/dL,13949 +423003168,1849124,12668,1,creatinine,1.29,1.29,mg/dL,mg/dL,12740 +417399093,1849124,2708,1,potassium,3.7,3.7,mmol/L,mmol/L,2785 +439987074,1849124,7988,3,-polys,57.1,57.1,%,%,8018 +440119295,1849124,908,3,Hct,28.0,28,%,%,911 +423003166,1849124,12668,1,glucose,221.0,221 ,mg/dL,mg/dL,12740 +426653465,1849124,19511,1,chloride,103.0,103,mmol/L,mmol/L,19583 +439987078,1849124,7988,3,-basos,0.7,0.7,%,%,8018 +417399094,1849124,2708,1,creatinine,1.24,1.24,mg/dL,mg/dL,2785 +423003169,1849124,12668,1,sodium,136.0,136,mmol/L,mmol/L,12740 +458365199,1849124,2868,7,paO2,77.0,77.0,mm Hg,mmHg,2874 +439850679,1849124,2278,3,PT,11.7,11.7 ,sec,sec,2370 +445462879,1849124,21121,4,bedside glucose,129.0,129 ,mg/dL,mg/dL,21146 +423003170,1849124,12668,1,potassium,4.2,4.2,mmol/L,mmol/L,12740 +417399099,1849124,2708,1,chloride,106.0,106,mmol/L,mmol/L,2785 +439987076,1849124,7988,3,-monos,10.5,10.5,%,%,8018 +445542063,1849124,11013,4,bedside glucose,154.0,154 ,mg/dL,mg/dL,11059 +423003171,1849124,12668,1,chloride,100.0,100,mmol/L,mmol/L,12740 +420021938,1849124,818,1,BUN,19.0,19,mg/dL,mg/dL,871 +439850680,1849124,2278,3,PT - INR,1.1,1.1,ratio,,2370 +435808490,1849124,190,3,Hgb,9.2,9.2,g/dL,g/dL,197 +460035456,1849124,16923,7,Total CO2,24.0,24,,mmol/L,16977 +443429947,1849124,19674,4,bedside glucose,143.0,143 ,mg/dL,mg/dL,19692 +444707677,1849124,18802,4,bedside glucose,166.0,166 ,mg/dL,mg/dL,18805 +458388810,1849124,982,7,pH,7.4,7.40,,,987 +439987075,1849124,7988,3,-lymphs,29.4,29.4,%,%,8018 +417399100,1849124,2708,1,BUN,21.0,21,mg/dL,mg/dL,2785 +444738870,1849124,14447,4,bedside glucose,229.0,229 ,mg/dL,mg/dL,14493 +418373386,1849124,5138,1,magnesium,2.0,2.0 ,mg/dL,mg/dL,5587 +423003172,1849124,12668,1,anion gap,6.0,6,,mmol/L,12740 +422206499,1849124,15178,1,anion gap,8.0,8,,mmol/L,15229 +445494580,1849124,1549,4,bedside glucose,134.0,134 ,mg/dL,mg/dL,1595 +421735554,1849124,190,1,sodium,146.0,146,mmol/L,mmol/L,197 +439987077,1849124,7988,3,-eos,2.3,2.3,%,%,8018 +440119296,1849124,908,3,Hgb,9.5,9.5,g/dL,g/dL,911 +461272238,1849124,78,7,Total CO2,25.0,25,,mmol/L,144 +459115452,1849124,1143,7,O2 Sat (%),90.0,90.0,%,%,1149 +460269889,1849124,12668,7,Total CO2,30.0,30,,mmol/L,12740 +417399098,1849124,2708,1,glucose,105.0,105 ,mg/dL,mg/dL,2785 +444736987,1849124,15886,4,bedside glucose,165.0,165 ,mg/dL,mg/dL,15896 +443399953,1849124,6714,4,bedside glucose,157.0,157 ,mg/dL,mg/dL,6755 +441942086,1849124,6578,3,WBC x 1000,5.4,5.4 ,K/mcL,k/mm cu,6590 +420021936,1849124,818,1,glucose,126.0,126 ,mg/dL,mg/dL,871 +444114184,1849124,4643,4,bedside glucose,160.0,160 ,mg/dL,mg/dL,4644 +444344233,1849124,20194,4,bedside glucose,168.0,168 ,mg/dL,mg/dL,20235 +435808489,1849124,190,3,Hct,27.0,27,%,%,197 +443899178,1849124,13225,4,bedside glucose,173.0,173 ,mg/dL,mg/dL,13246 +443926893,1849124,5837,4,bedside glucose,163.0,163 ,mg/dL,mg/dL,5846 +458365200,1849124,2868,7,paCO2,34.4,34.4,mm Hg,mmHg,2874 +444079778,1849124,16118,4,bedside glucose,201.0,201 ,mg/dL,mg/dL,16127 +423003173,1849124,12668,1,calcium,8.6,8.6,mg/dL,mg/dL,12740 +460600422,1849124,2495,7,Total CO2,25.0,25,,mmol/L,2503 +420469773,1849124,1238,1,potassium,3.8,3.8 ,mmol/L,mmol/L,1263 +444793060,1849124,8669,4,bedside glucose,114.0,114 ,mg/dL,mg/dL,8696 +417399095,1849124,2708,1,anion gap,12.0,12,,mmol/L,2785 +459785094,1849124,351,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,357 +443839416,1849124,9578,4,bedside glucose,155.0,155 ,mg/dL,mg/dL,9631 +459785095,1849124,351,7,paO2,88.0,88.0,mm Hg,mmHg,357 +426653464,1849124,19511,1,potassium,4.3,4.3,mmol/L,mmol/L,19583 +459785093,1849124,351,7,HCO3,23.0,23.0,mmol/L,mmol/L,357 +421735553,1849124,190,1,potassium,4.2,4.2,mmol/L,mmol/L,197 +459785096,1849124,351,7,paCO2,39.1,39.1,mm Hg,mmHg,357 +433230435,1849124,-276,3,Hgb,10.5,10.5,g/dL,g/dL,-63 +459785097,1849124,351,7,pH,7.37,7.37,,,357 +459115447,1849124,1143,7,HCO3,23.0,23.0,mmol/L,mmol/L,1149 +459785092,1849124,351,7,Total CO2,24.0,24,,mmol/L,357 +417399097,1849124,2708,1,calcium,8.2,8.2,mg/dL,mg/dL,2785 +444407611,1849124,10366,4,bedside glucose,190.0,190 ,mg/dL,mg/dL,10382 +443138022,1849124,2386,4,bedside glucose,146.0,146 ,mg/dL,mg/dL,2389 +459785098,1849124,351,7,O2 Sat (%),97.0,97.0,%,%,357 +420021937,1849124,818,1,chloride,111.0,111,mmol/L,mmol/L,871 +444317282,1849124,283,4,bedside glucose,196.0,196 ,mg/dL,mg/dL,289 +433693744,1849124,818,3,PTT,31.0,31 ,sec,sec,856 +444525625,1849124,8930,4,bedside glucose,177.0,177 ,mg/dL,mg/dL,8941 +458388808,1849124,982,7,paO2,68.0,68.0,mm Hg,mmHg,987 +444412433,1849124,20451,4,bedside glucose,178.0,178 ,mg/dL,mg/dL,20467 +433783135,1849124,3653,3,-polys,76.8,76.8,%,%,3776 +431851479,1849124,1648,3,Hgb,8.8,8.8,g/dL,g/dL,1653 +422206500,1849124,15178,1,calcium,8.7,8.7,mg/dL,mg/dL,15229 +414842575,1849124,1225,1,sodium,143.0,143,mmol/L,mmol/L,1232 +433783134,1849124,3653,3,-basos,0.2,0.2,%,%,3776 +431851478,1849124,1648,3,Hct,26.0,26,%,%,1653 +459115451,1849124,1143,7,pH,7.4,7.40,,,1149 +420598472,1849124,1410,1,sodium,144.0,144,mmol/L,mmol/L,1418 +433783136,1849124,3653,3,Hct,27.1,27.1,%,%,3776 +414842574,1849124,1225,1,potassium,3.7,3.7,mmol/L,mmol/L,1232 +420021935,1849124,818,1,ALT (SGPT),10.0,10,Units/L,IU/L,871 +442935739,1849124,214,4,bedside glucose,157.0,157 ,mg/dL,mg/dL,222 +433783133,1849124,3653,3,RBC,3.24,3.24,M/mcL,m/mm cu,3776 +420598471,1849124,1410,1,potassium,4.1,4.1,mmol/L,mmol/L,1418 +460600428,1849124,2495,7,O2 Sat (%),93.0,93.0,%,%,2503 +435621817,1849124,13728,3,platelets x 1000,290.0,290,K/mcL,k/mm cu,13794 +433826118,1849124,20936,3,MCV,82.7,82.7,fL,fL,20949 +425222733,1849124,5123,1,alkaline phos.,53.0,53,Units/L,IU/L,5180 +426653463,1849124,19511,1,sodium,137.0,137,mmol/L,mmol/L,19583 +435621830,1849124,13728,3,-basos,0.7,0.7,%,%,13794 +433783132,1849124,3653,3,-lymphs,15.6,15.6,%,%,3776 +425222741,1849124,5123,1,glucose,72.0,72 ,mg/dL,mg/dL,5180 +459115449,1849124,1143,7,paO2,59.0,59.0,mm Hg,mmHg,1149 +435621820,1849124,13728,3,Hct,28.6,28.6,%,%,13794 +433826115,1849124,20936,3,RBC,3.55,3.55,M/mcL,m/mm cu,20949 +425222742,1849124,5123,1,chloride,105.0,105,mmol/L,mmol/L,5180 +443183394,1849124,2157,4,bedside glucose,130.0,130 ,mg/dL,mg/dL,2185 +435621818,1849124,13728,3,RBC,3.46,3.46,M/mcL,m/mm cu,13794 +433783143,1849124,3653,3,-monos,7.2,7.2,%,%,3776 +425222743,1849124,5123,1,BUN,21.0,21,mg/dL,mg/dL,5180 +458388807,1849124,982,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,987 +435621829,1849124,13728,3,-eos,1.9,1.9,%,%,13794 +433710086,1849124,6578,3,MPV,8.2,8.2,fL,fL,6590 +425222734,1849124,5123,1,anion gap,7.0,7,,mmol/L,5180 +422206494,1849124,15178,1,BUN,28.0,28,mg/dL,mg/dL,15229 +435621819,1849124,13728,3,Hgb,9.1,9.1,g/dL,g/dL,13794 +433783144,1849124,3653,3,MCHC,31.8,31.8,g/dL,%,3776 +425222731,1849124,5123,1,potassium,3.0,3.0,mmol/L,mmol/L,5180 +459115450,1849124,1143,7,paCO2,37.1,37.1,mm Hg,mmHg,1149 +435621823,1849124,13728,3,MCHC,31.8,31.8,g/dL,%,13794 +433783137,1849124,3653,3,-eos,0.2,0.2,%,%,3776 +425222732,1849124,5123,1,creatinine,1.19,1.19,mg/dL,mg/dL,5180 +419074382,1849124,78,1,potassium,3.8,3.8,mmol/L,mmol/L,144 +435621824,1849124,13728,3,RDW,15.0,15.0,%,%,13794 +433826116,1849124,20936,3,Hgb,9.3,9.3,g/dL,g/dL,20949 +425222736,1849124,5123,1,sodium,138.0,138,mmol/L,mmol/L,5180 +460600427,1849124,2495,7,pH,7.42,7.42,,,2503 +424905021,1849124,20936,1,chloride,102.0,102,mmol/L,mmol/L,21009 +434387315,1849124,18101,3,MPV,8.5,8.5,fL,fL,18155 +435621816,1849124,13728,3,WBC x 1000,6.7,6.7 ,K/mcL,k/mm cu,13794 +426653466,1849124,19511,1,anion gap,8.0,8,,mmol/L,19583 +424905022,1849124,20936,1,anion gap,7.0,7,,mmol/L,21009 +433783145,1849124,3653,3,platelets x 1000,121.0,121,K/mcL,k/mm cu,3776 +425222737,1849124,5123,1,albumin,3.1,3.1,g/dL,g/dL,5180 +431732807,1849124,1143,3,Hct,28.0,28,%,%,1149 +460315737,1849124,5137,7,paO2,72.0,72.0,mm Hg,mmHg,5140 +434387312,1849124,18101,3,MCH,25.8,25.8,pg,pg,18155 +424905020,1849124,20936,1,potassium,4.0,4.0,mmol/L,mmol/L,21009 +419074389,1849124,78,1,BUN,18.0,18,mg/dL,mg/dL,144 +460218129,1849124,7988,7,Total CO2,25.0,25,,mmol/L,8060 +433826117,1849124,20936,3,Hct,29.4,29.4,%,%,20949 +435621821,1849124,13728,3,MCV,82.5,82.5,fL,fL,13794 +458388805,1849124,982,7,Total CO2,23.0,23,,mmol/L,987 +460400983,1849124,3664,7,HCO3,22.0,22.0,mmol/L,mmol/L,3669 +434387313,1849124,18101,3,MCHC,30.9,30.9,g/dL,%,18155 +424905023,1849124,20936,1,calcium,8.8,8.8,mg/dL,mg/dL,21009 +422206497,1849124,15178,1,potassium,4.0,4.0,mmol/L,mmol/L,15229 +460521880,1849124,830,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,835 +433710085,1849124,6578,3,RDW,15.3,15.3,%,%,6590 +425222738,1849124,5123,1,total protein,6.7,6.7,g/dL,g/dL,5180 +459115446,1849124,1143,7,Total CO2,24.0,24,,mmol/L,1149 +460400982,1849124,3664,7,Total CO2,23.0,23,,mmol/L,3669 +434387314,1849124,18101,3,RDW,15.3,15.3,%,%,18155 +424905017,1849124,20936,1,BUN,26.0,26,mg/dL,mg/dL,21009 +419074384,1849124,78,1,anion gap,6.0,6,,mmol/L,144 +460315736,1849124,5137,7,Base Deficit,0.0,0.0,mEq/L,mmol/L,5140 +433826119,1849124,20936,3,MCH,26.3,26.3,pg,pg,20949 +435621826,1849124,13728,3,-polys,59.3,59.3,%,%,13794 +460600426,1849124,2495,7,paCO2,36.5,36.5,mm Hg,mmHg,2503 +460521881,1849124,830,7,paO2,94.0,94.0,mm Hg,mmHg,835 +434387306,1849124,18101,3,WBC x 1000,6.6,6.6 ,K/mcL,k/mm cu,18155 +424916388,1849124,13728,1,anion gap,8.0,8,,mmol/L,13828 +426653462,1849124,19511,1,creatinine,1.32,1.32,mg/dL,mg/dL,19583 +460315738,1849124,5137,7,paCO2,33.5,33.5,mm Hg,mmHg,5140 +433710083,1849124,6578,3,MCH,25.9,25.9,pg,pg,6590 +425222739,1849124,5123,1,calcium,8.2,8.2,mg/dL,mg/dL,5180 +425730197,1849124,908,1,potassium,4.3,4.3,mmol/L,mmol/L,911 +460400985,1849124,3664,7,FiO2,80.0,80.0,%,%,3669 +434387310,1849124,18101,3,Hct,28.7,28.7,%,%,18155 +424905018,1849124,20936,1,creatinine,1.33,1.33,mg/dL,mg/dL,21009 +419074388,1849124,78,1,chloride,110.0,110,mmol/L,mmol/L,144 +460521878,1849124,830,7,Total CO2,23.0,23,,mmol/L,835 +433710082,1849124,6578,3,MCV,83.4,83.4,fL,fL,6590 +435621828,1849124,13728,3,-monos,7.9,7.9,%,%,13794 +458388811,1849124,982,7,O2 Sat (%),93.0,93.0,%,%,987 +460521883,1849124,830,7,pH,7.43,7.43,,,835 +434387311,1849124,18101,3,MCV,83.5,83.5,fL,fL,18155 +424916386,1849124,13728,1,potassium,3.8,3.8,mmol/L,mmol/L,13828 +422206495,1849124,15178,1,creatinine,1.35,1.35,mg/dL,mg/dL,15229 +460521884,1849124,830,7,O2 Sat (%),98.0,98.0,%,%,835 +433710081,1849124,6578,3,Hct,26.2,26.2,%,%,6590 +425222735,1849124,5123,1,AST (SGOT),26.0,26,Units/L,IU/L,5180 +431732808,1849124,1143,3,Hgb,9.5,9.5,g/dL,g/dL,1149 +460315740,1849124,5137,7,O2 Sat (%),95.0,95.0,%,%,5140 +434387307,1849124,18101,3,platelets x 1000,310.0,310,K/mcL,k/mm cu,18155 +424916387,1849124,13728,1,chloride,101.0,101,mmol/L,mmol/L,13828 +419074383,1849124,78,1,creatinine,1.13,1.13,mg/dL,mg/dL,144 +460400986,1849124,3664,7,paO2,112.0,112.0,mm Hg,mmHg,3669 +433783141,1849124,3653,3,RDW,15.5,15.5,%,%,3776 +435621822,1849124,13728,3,MCH,26.3,26.3,pg,pg,13794 +460600423,1849124,2495,7,HCO3,24.0,24.0,mmol/L,mmol/L,2503 +460400987,1849124,3664,7,paCO2,31.4,31.4,mm Hg,mmHg,3669 +434387308,1849124,18101,3,RBC,3.44,3.44,M/mcL,m/mm cu,18155 +424905019,1849124,20936,1,sodium,136.0,136,mmol/L,mmol/L,21009 +426653460,1849124,19511,1,glucose,133.0,133 ,mg/dL,mg/dL,19583 +460400988,1849124,3664,7,pH,7.46,7.46,,,3669 +433826113,1849124,20936,3,WBC x 1000,6.2,6.2 ,K/mcL,k/mm cu,20949 +425222730,1849124,5123,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,5180 +459115448,1849124,1143,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,1149 +460521882,1849124,830,7,paCO2,32.6,32.6,mm Hg,mmHg,835 +434387309,1849124,18101,3,Hgb,8.9,8.9,g/dL,g/dL,18155 +424916389,1849124,13728,1,calcium,8.8,8.8,mg/dL,mg/dL,13828 +419074385,1849124,78,1,sodium,141.0,141,mmol/L,mmol/L,144 +460400984,1849124,3664,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,3669 +433710080,1849124,6578,3,Hgb,8.1,8.1,g/dL,g/dL,6590 +435621825,1849124,13728,3,MPV,8.2,8.2,fL,fL,13794 +458388809,1849124,982,7,paCO2,35.9,35.9,mm Hg,mmHg,987 +460315735,1849124,5137,7,HCO3,24.0,24.0,mmol/L,mmol/L,5140 +437787801,1849124,3664,3,Hct,26.0,26,%,%,3669 +424916383,1849124,13728,1,BUN,26.0,26,mg/dL,mg/dL,13828 +422206496,1849124,15178,1,sodium,136.0,136,mmol/L,mmol/L,15229 +460706560,1849124,13728,7,Total CO2,28.0,28,,mmol/L,13828 +433783140,1849124,3653,3,WBC x 1000,8.8,8.8 ,K/mcL,k/mm cu,3776 +425222740,1849124,5123,1,ALT (SGPT),10.0,10,Units/L,IU/L,5180 +443071259,1849124,5126,4,bedside glucose,78.0,78 ,mg/dL,mg/dL,5129 +460521879,1849124,830,7,HCO3,22.0,22.0,mmol/L,mmol/L,835 +437787802,1849124,3664,3,Hgb,8.8,8.8,g/dL,g/dL,3669 +424916382,1849124,13728,1,glucose,149.0,149 ,mg/dL,mg/dL,13828 +419250595,1849124,28,1,sodium,145.0,145,mmol/L,mmol/L,35 +460704212,1849124,20936,7,Total CO2,27.0,27,,mmol/L,21009 +433826120,1849124,20936,3,MCHC,31.8,31.8,g/dL,%,20949 +435621827,1849124,13728,3,-lymphs,30.2,30.2,%,%,13794 +460600424,1849124,2495,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,2503 +460315739,1849124,5137,7,pH,7.46,7.46 ,,,5140 +437554832,1849124,16652,3,MCH,26.2,26.2,pg,pg,16690 +424916384,1849124,13728,1,creatinine,1.3,1.30,mg/dL,mg/dL,13828 +426653461,1849124,19511,1,BUN,27.0,27,mg/dL,mg/dL,19583 +460777207,1849124,5123,7,Total CO2,26.0,26,,mmol/L,5180 +433783138,1849124,3653,3,MCV,83.5,83.5,fL,fL,3776 +445186265,1849124,1909,4,bedside glucose,128.0,128 ,mg/dL,mg/dL,1911 +425730198,1849124,908,1,sodium,144.0,144,mmol/L,mmol/L,911 +460400989,1849124,3664,7,O2 Sat (%),99.0,99.0,%,%,3669 +437554831,1849124,16652,3,MCV,82.9,82.9,fL,fL,16690 +424916385,1849124,13728,1,sodium,137.0,137,mmol/L,mmol/L,13828 +419074386,1849124,78,1,calcium,7.6,7.6,mg/dL,mg/dL,144 +443485759,1849124,4443,4,bedside glucose,177.0,177 ,mg/dL,mg/dL,4455 +433783131,1849124,3653,3,MPV,9.5,9.5,fL,fL,3776 +428261178,1849124,-62,3,PT,12.7,12.7 ,sec,sec,7 +458388806,1849124,982,7,HCO3,22.0,22.0,mmol/L,mmol/L,987 +418007778,1849124,-388,1,sodium,139.0,139,mmol/L,mmol/L,-63 +437554827,1849124,16652,3,platelets x 1000,300.0,300,K/mcL,k/mm cu,16690 +425614139,1849124,-118,1,sodium,144.0,144,mmol/L,mmol/L,-63 +416479732,1849124,818,1,magnesium,2.0,2.0 ,mg/dL,mg/dL,871 +460585489,1849124,6578,7,Total CO2,24.0,24,,mmol/L,6611 +433783142,1849124,3653,3,MCH,26.5,26.5,pg,pg,3776 +424905016,1849124,20936,1,glucose,119.0,119 ,mg/dL,mg/dL,21009 +418819744,1849124,2278,1,LDL,45.0,45,mg/dL,mg/dL,2812 +427677790,1849124,818,1,potassium,4.3,4.3,mmol/L,mmol/L,871 +437554828,1849124,16652,3,RBC,3.59,3.59,M/mcL,m/mm cu,16690 +429528723,1849124,3318,3,Hct,25.0,25,%,%,3322 +443111324,1849124,778,4,bedside glucose,116.0,116 ,mg/dL,mg/dL,781 +424378440,1849124,-62,1,magnesium,2.1,2.1 ,mg/dL,mg/dL,-2 +433710078,1849124,6578,3,platelets x 1000,179.0,179,K/mcL,k/mm cu,6590 +427677796,1849124,818,1,albumin,3.0,3.0,g/dL,g/dL,871 +419074387,1849124,78,1,glucose,199.0,199 ,mg/dL,mg/dL,144 +445487810,1849124,6941,4,bedside glucose,210.0,210 ,mg/dL,mg/dL,6964 +437554826,1849124,16652,3,WBC x 1000,6.7,6.7 ,K/mcL,k/mm cu,16690 +445046929,1849124,7662,4,bedside glucose,146.0,146 ,mg/dL,mg/dL,7666 +418819745,1849124,2278,1,triglycerides,59.0,59,mg/dL,mg/dL,2812 +427677797,1849124,818,1,total protein,5.3,5.3,g/dL,g/dL,871 +433826114,1849124,20936,3,platelets x 1000,317.0,317,K/mcL,k/mm cu,20949 +415912644,1849124,3318,1,potassium,3.7,3.7,mmol/L,mmol/L,3322 +460600425,1849124,2495,7,paO2,67.0,67.0,mm Hg,mmHg,2503 +425614138,1849124,-118,1,potassium,4.2,4.2,mmol/L,mmol/L,-63 +417952925,1849124,1143,1,potassium,3.9,3.9,mmol/L,mmol/L,1149 +427677798,1849124,818,1,calcium,7.9,7.9,mg/dL,mg/dL,871 +443883102,1849124,395,4,bedside glucose,166.0,166 ,mg/dL,mg/dL,400 +460315734,1849124,5137,7,Total CO2,25.0,25,,mmol/L,5140 +433710084,1849124,6578,3,MCHC,31.1,31.1,g/dL,%,6590 +417474788,1849124,-154,1,sodium,142.0,142,mmol/L,mmol/L,-63 +418819746,1849124,2278,1,total cholesterol,88.0,88 ,mg/dL,mg/dL,2812 +427677795,1849124,818,1,sodium,138.0,138,mmol/L,mmol/L,871 +437554829,1849124,16652,3,Hgb,9.4,9.4,g/dL,g/dL,16690 +418007777,1849124,-388,1,potassium,3.5,3.5,mmol/L,mmol/L,-63 +444500296,1849124,15362,4,bedside glucose,192.0,192 ,mg/dL,mg/dL,15367 +431100489,1849124,5123,3,-eos,1.6,1.6,%,%,5133 +437535147,1849124,-62,3,PTT,30.0,30 ,sec,sec,7 +431100483,1849124,5123,3,MPV,8.4,8.4,fL,fL,5133 +433783139,1849124,3653,3,Hgb,8.6,8.6,g/dL,g/dL,3776 +431100484,1849124,5123,3,-lymphs,16.5,16.5,%,%,5133 +427677792,1849124,818,1,alkaline phos.,36.0,36,Units/L,IU/L,871 +431100485,1849124,5123,3,RBC,3.17,3.17,M/mcL,m/mm cu,5133 +417508890,1849124,818,1,ionized calcium,4.12,1.03 ,mg/dL,mmol/L,860 +431100486,1849124,5123,3,-basos,0.5,0.5,%,%,5133 +445560176,1849124,2613,4,bedside glucose,124.0,124 ,mg/dL,mg/dL,2617 +431100496,1849124,5123,3,MCHC,31.4,31.4,g/dL,%,5133 +424447696,1849124,2495,1,potassium,4.2,4.2,mmol/L,mmol/L,2503 +421772298,1849124,3653,1,total protein,6.7,6.7,g/dL,g/dL,3789 +428261179,1849124,-62,3,PT - INR,1.2,1.2,ratio,,7 +431100494,1849124,5123,3,MCH,25.8,25.8,pg,pg,5133 +418819747,1849124,2278,1,HDL,31.0,31,mg/dL,mg/dL,2812 +421772299,1849124,3653,1,calcium,8.4,8.4,mg/dL,mg/dL,3789 +427677789,1849124,818,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,871 +431100497,1849124,5123,3,platelets x 1000,148.0,148,K/mcL,k/mm cu,5133 +417952926,1849124,1143,1,sodium,144.0,144,mmol/L,mmol/L,1149 +421772297,1849124,3653,1,albumin,3.5,3.5,g/dL,g/dL,3789 +443852957,1849124,7502,4,bedside glucose,161.0,161 ,mg/dL,mg/dL,7505 +431100487,1849124,5123,3,-polys,72.7,72.7,%,%,5133 +444929895,1849124,8168,4,bedside glucose,154.0,154 ,mg/dL,mg/dL,8191 +421772290,1849124,3653,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,3789 +443149944,1849124,3247,4,bedside glucose,82.0,82 ,mg/dL,mg/dL,3248 +431100495,1849124,5123,3,-monos,8.7,8.7,%,%,5133 +430820236,1849124,1042,3,Hgb,9.2,9.2,g/dL,g/dL,1047 +421772291,1849124,3653,1,potassium,3.7,3.7,mmol/L,mmol/L,3789 +427677793,1849124,818,1,anion gap,4.0,4,,mmol/L,871 +431100491,1849124,5123,3,Hgb,8.2,8.2,g/dL,g/dL,5133 +443782669,1849124,475,4,bedside glucose,119.0,119 ,mg/dL,mg/dL,476 +424382140,1849124,6578,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,6611 +461104782,1849124,19511,7,Total CO2,26.0,26,,mmol/L,19583 +421772292,1849124,3653,1,creatinine,1.23,1.23,mg/dL,mg/dL,3789 +433710079,1849124,6578,3,RBC,3.15,3.15,M/mcL,m/mm cu,6590 +424382139,1849124,6578,1,alkaline phos.,52.0,52,Units/L,IU/L,6611 +417474787,1849124,-154,1,potassium,5.4,5.4,mmol/L,mmol/L,-63 +431100492,1849124,5123,3,WBC x 1000,7.0,7.0 ,K/mcL,k/mm cu,5133 +419343302,1849124,-276,1,sodium,142.0,142,mmol/L,mmol/L,-63 +424382137,1849124,6578,1,AST (SGOT),19.0,19,Units/L,IU/L,6611 +427677791,1849124,818,1,creatinine,1.26,1.26,mg/dL,mg/dL,871 +421772303,1849124,3653,1,BUN,24.0,24,mg/dL,mg/dL,3789 +424447697,1849124,2495,1,sodium,143.0,143,mmol/L,mmol/L,2503 +424382136,1849124,6578,1,albumin,3.1,3.1,g/dL,g/dL,6611 +429528724,1849124,3318,3,Hgb,8.5,8.5,g/dL,g/dL,3322 +431100488,1849124,5123,3,Hct,26.1,26.1,%,%,5133 +419250594,1849124,28,1,potassium,4.7,4.7,mmol/L,mmol/L,35 +424382127,1849124,6578,1,glucose,173.0,173 ,mg/dL,mg/dL,6611 +424394495,1849124,78,1,magnesium,2.0,2.0 ,mg/dL,mg/dL,144 +421772293,1849124,3653,1,alkaline phos.,57.0,57,Units/L,IU/L,3789 +437554830,1849124,16652,3,Hct,29.8,29.8,%,%,16690 +424382135,1849124,6578,1,total protein,6.7,6.7,g/dL,g/dL,6611 +427677794,1849124,818,1,AST (SGOT),32.0,32,Units/L,IU/L,871 +431100493,1849124,5123,3,RDW,15.3,15.3,%,%,5133 +419343301,1849124,-276,1,potassium,4.0,4.0,mmol/L,mmol/L,-63 +424382133,1849124,6578,1,anion gap,8.0,8,,mmol/L,6611 +445216785,1849124,9820,4,bedside glucose,170.0,170 ,mg/dL,mg/dL,9853 +421772294,1849124,3653,1,anion gap,9.0,9,,mmol/L,3789 +430820235,1849124,1042,3,Hct,27.0,27,%,%,1047 +458401439,1849124,1225,7,paCO2,37.9,37.9,mm Hg,mmHg,1232 +420992278,1849124,2282,1,potassium,4.5,4.5,mmol/L,mmol/L,2287 +444961627,1849124,1844,4,bedside glucose,149.0,149 ,mg/dL,mg/dL,1908 +424382138,1849124,6578,1,ALT (SGPT),10.0,10,Units/L,IU/L,6611 +431218826,1849124,-154,3,Hct,27.0,27,%,%,-63 +429899707,1849124,-181,3,Hct,26.0,26,%,%,-63 +458401437,1849124,1225,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,1232 +420992279,1849124,2282,1,sodium,143.0,143,mmol/L,mmol/L,2287 +415912645,1849124,3318,1,sodium,144.0,144,mmol/L,mmol/L,3322 +431100490,1849124,5123,3,MCV,82.4,82.4,fL,fL,5133 +431218827,1849124,-154,3,Hgb,9.2,9.2,g/dL,g/dL,-63 +429899708,1849124,-181,3,Hgb,8.8,8.8,g/dL,g/dL,-63 +458401435,1849124,1225,7,Total CO2,24.0,24,,mmol/L,1232 +444686522,1849124,11282,4,bedside glucose,198.0,198 ,mg/dL,mg/dL,11304 +443190300,1849124,3028,4,bedside glucose,116.0,116 ,mg/dL,mg/dL,3030 +424382129,1849124,6578,1,creatinine,1.32,1.32,mg/dL,mg/dL,6611 +422359987,1849124,2278,1,anion gap,10.0,10,,mmol/L,2557 +420886147,1849124,351,1,sodium,146.0,146,mmol/L,mmol/L,357 +422359986,1849124,2278,1,alkaline phos.,50.0,50,Units/L,IU/L,2480 +421772302,1849124,3653,1,chloride,108.0,108,mmol/L,mmol/L,3789 +422359988,1849124,2278,1,AST (SGOT),35.0,35,Units/L,IU/L,2480 +458401436,1849124,1225,7,HCO3,23.0,23.0,mmol/L,mmol/L,1232 +422359983,1849124,2278,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,2480 +424382128,1849124,6578,1,BUN,22.0,22,mg/dL,mg/dL,6611 +422359989,1849124,2278,1,sodium,141.0,141,mmol/L,mmol/L,2480 +414687683,1849124,2868,1,potassium,3.5,3.5,mmol/L,mmol/L,2874 +422359984,1849124,2278,1,potassium,4.5,4.5,mmol/L,mmol/L,2480 +421099165,1849124,2278,1,magnesium,1.9,1.9 ,mg/dL,mg/dL,2496 +422359985,1849124,2278,1,creatinine,1.25,1.25,mg/dL,mg/dL,2480 +458401441,1849124,1225,7,O2 Sat (%),91.0,91.0,%,%,1232 +422359996,1849124,2278,1,BUN,22.0,22,mg/dL,mg/dL,2480 +424382134,1849124,6578,1,calcium,8.3,8.3,mg/dL,mg/dL,6611 +459434935,1849124,-276,7,Total CO2,27.0,27,,mmol/L,-63 +443314649,1849124,18488,4,bedside glucose,248.0,248 ,mg/dL,mg/dL,18489 +422359995,1849124,2278,1,chloride,107.0,107,mmol/L,mmol/L,2480 +421772295,1849124,3653,1,AST (SGOT),35.0,35,Units/L,IU/L,3789 +459434936,1849124,-276,7,HCO3,25.0,25.0,mmol/L,mmol/L,-63 +458401440,1849124,1225,7,pH,7.39,7.39,,,1232 +422359993,1849124,2278,1,ALT (SGPT),9.0,9,Units/L,IU/L,2480 +424382132,1849124,6578,1,chloride,106.0,106,mmol/L,mmol/L,6611 +459434937,1849124,-276,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,-63 +420886146,1849124,351,1,potassium,3.9,3.9,mmol/L,mmol/L,357 +422359994,1849124,2278,1,glucose,161.0,161 ,mg/dL,mg/dL,2480 +459989542,1849124,3653,7,Total CO2,23.0,23,,mmol/L,3789 +459434940,1849124,-276,7,pH,7.31,7.31,,,-63 +458919862,1849124,1042,7,Total CO2,24.0,24,,mmol/L,1047 +422359992,1849124,2278,1,calcium,8.0,8.0,mg/dL,mg/dL,2480 +424382130,1849124,6578,1,sodium,138.0,138,mmol/L,mmol/L,6611 +459434938,1849124,-276,7,paO2,361.0,361.0,mm Hg,mmHg,-63 +443923327,1849124,11207,4,bedside glucose,214.0,214 ,mg/dL,mg/dL,11211 +422359991,1849124,2278,1,total protein,5.9,5.9,g/dL,g/dL,2480 +421772296,1849124,3653,1,sodium,140.0,140,mmol/L,mmol/L,3789 +459434941,1849124,-276,7,O2 Sat (%),100.0,100.0,%,%,-63 +414687684,1849124,2868,1,sodium,142.0,142,mmol/L,mmol/L,2874 +417714759,1849124,3653,1,magnesium,2.0,2.0 ,mg/dL,mg/dL,3789 +419448075,1849124,-43,1,sodium,145.0,145,mmol/L,mmol/L,-28 +459434939,1849124,-276,7,paCO2,50.3,50.3,mm Hg,mmHg,-63 +458919868,1849124,1042,7,O2 Sat (%),91.0,91.0,%,%,1047 +422359990,1849124,2278,1,albumin,3.2,3.2,g/dL,g/dL,2480 +424382131,1849124,6578,1,potassium,3.4,3.4,mmol/L,mmol/L,6611 +431794248,1849124,-388,3,Hct,38.0,38,%,%,-63 +445742112,1849124,19943,4,bedside glucose,168.0,168 ,mg/dL,mg/dL,19949 +445579597,1849124,11829,4,bedside glucose,233.0,233 ,mg/dL,mg/dL,11843 +426455476,1849124,98,1,potassium,3.6,3.6,mmol/L,mmol/L,104 +431794249,1849124,-388,3,Hgb,12.9,12.9,g/dL,g/dL,-63 +443372985,1849124,17044,4,bedside glucose,183.0,183 ,mg/dL,mg/dL,17056 +443546073,1849124,-620,4,bedside glucose,202.0,202 ,mg/dL,mg/dL,-619 +460124282,1849124,2278,7,Total CO2,24.0,24,,mmol/L,2480 +414946244,1849124,2278,1,ionized calcium,4.32,1.08 ,mg/dL,mmol/L,2426 +458919867,1849124,1042,7,pH,7.4,7.40,,,1047 +445486847,1849124,18997,4,bedside glucose,166.0,166 ,mg/dL,mg/dL,19015 +443125521,1849124,10135,4,bedside glucose,173.0,173 ,mg/dL,mg/dL,10162 +460866255,1849124,-118,7,Total CO2,24.0,24,,mmol/L,-63 +444252291,1849124,15576,4,bedside glucose,167.0,167 ,mg/dL,mg/dL,15590 +461059178,1849124,98,7,Total CO2,25.0,25,,mmol/L,104 +424100829,1849124,830,1,sodium,144.0,144,mmol/L,mmol/L,835 +460866256,1849124,-118,7,HCO3,23.0,23.0,mmol/L,mmol/L,-63 +458988313,1849124,2708,7,Total CO2,24.0,24,,mmol/L,2785 +461059179,1849124,98,7,HCO3,23.0,23.0,mmol/L,mmol/L,104 +440210499,1849124,19511,3,Hct,29.6,29.6,%,%,19568 +460866260,1849124,-118,7,pH,7.35,7.35,,,-63 +419448074,1849124,-43,1,potassium,4.3,4.3,mmol/L,mmol/L,-28 +461059184,1849124,98,7,O2 Sat (%),92.0,92.0,%,%,104 +440210500,1849124,19511,3,MCV,83.3,83.3,fL,fL,19568 +460866261,1849124,-118,7,O2 Sat (%),100.0,100.0,%,%,-63 +458919866,1849124,1042,7,paCO2,36.5,36.5,mm Hg,mmHg,1047 +461059180,1849124,98,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,104 +440369748,1849124,818,3,-monos,9.9,9.9,%,%,841 +460866258,1849124,-118,7,paO2,191.0,191.0,mm Hg,mmHg,-63 +421772300,1849124,3653,1,ALT (SGPT),9.0,9,Units/L,IU/L,3789 +461196552,1849124,6838,7,paCO2,36.9,36.9,mm Hg,mmHg,6865 +440210501,1849124,19511,3,MCH,26.2,26.2,pg,pg,19568 +461059182,1849124,98,7,paCO2,48.1,48.1,mm Hg,mmHg,104 +445771165,1849124,4130,4,bedside glucose,196.0,196 ,mg/dL,mg/dL,4134 +461196551,1849124,6838,7,pH,7.43,7.43,,,6865 +440210495,1849124,19511,3,WBC x 1000,6.3,6.3 ,K/mcL,k/mm cu,19568 +460866257,1849124,-118,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,-63 +426455477,1849124,98,1,sodium,146.0,146,mmol/L,mmol/L,104 +461196553,1849124,6838,7,paO2,106.0,106,mm Hg,mmHg,6865 +440369745,1849124,818,3,WBC x 1000,6.1,6.1 ,K/mcL,k/mm cu,841 +438727960,1849124,2495,3,Hct,25.0,25,%,%,2503 +442282346,1849124,-215,3,Hct,29.0,29,%,%,-63 +461059183,1849124,98,7,pH,7.29,7.29,,,104 +440210502,1849124,19511,3,MCHC,31.5,31.5,g/dL,%,19568 +461196554,1849124,6838,7,HCO3,24.0,24,mmol/L,mmol/L,6865 +445077785,1849124,647,4,bedside glucose,104.0,104 ,mg/dL,mg/dL,655 +443831934,1849124,2278,4,free T4,1.01,1.01 ,ng/dL,ng/dL,2900 +440210496,1849124,19511,3,platelets x 1000,316.0,316,K/mcL,k/mm cu,19568 +460866259,1849124,-118,7,paCO2,41.6,41.6,mm Hg,mmHg,-63 +458919865,1849124,1042,7,paO2,60.0,60.0,mm Hg,mmHg,1047 +461196555,1849124,6838,7,Base Excess,0.5,0.5,mEq/L,mmol/L,6865 +440369749,1849124,818,3,MCHC,31.7,31.7,g/dL,%,841 +438727961,1849124,2495,3,Hgb,8.5,8.5,g/dL,g/dL,2503 +423571521,1849124,3664,1,potassium,3.6,3.6,mmol/L,mmol/L,3669 +461059181,1849124,98,7,paO2,72.0,72.0,mm Hg,mmHg,104 +440369746,1849124,818,3,RDW,15.3,15.3,%,%,841 +430622111,1849124,-62,3,RBC,3.41,3.41,M/mcL,m/mm cu,5 +445241546,1849124,2278,4,TSH,3.379,3.379 ,mcU/ml,uIU/mL,2900 +430622112,1849124,-62,3,-basos,0.1,0.1,%,%,5 +440210497,1849124,19511,3,RBC,3.56,3.56,M/mcL,m/mm cu,19568 +430622110,1849124,-62,3,-lymphs,18.8,18.8,%,%,5 +460089086,1849124,15178,7,Total CO2,26.0,26,,mmol/L,15229 +430622113,1849124,-62,3,-polys,76.9,76.9,%,%,5 +440369747,1849124,818,3,MCH,26.4,26.4,pg,pg,841 +459127599,1849124,-388,7,HCO3,23.0,23.0,mmol/L,mmol/L,-63 +444938784,1849124,1954,4,bedside glucose,111.0,111 ,mg/dL,mg/dL,1960 +430622119,1849124,-62,3,RDW,15.4,15.4,%,%,5 +440210498,1849124,19511,3,Hgb,9.3,9.3,g/dL,g/dL,19568 +458646052,1849124,3318,7,paCO2,34.6,34.6,mm Hg,mmHg,3322 +444756618,1849124,707,4,bedside glucose,121.0,121 ,mg/dL,mg/dL,708 +430622120,1849124,-62,3,MCH,26.5,26.5,pg,pg,5 +440369744,1849124,818,3,Hgb,8.9,8.9,g/dL,g/dL,841 +459127598,1849124,-388,7,Total CO2,24.0,24,,mmol/L,-63 +458919863,1849124,1042,7,HCO3,23.0,23.0,mmol/L,mmol/L,1047 +430622121,1849124,-62,3,-monos,3.7,3.7,%,%,5 +440369743,1849124,818,3,MCV,83.2,83.2,fL,fL,841 +458646053,1849124,3318,7,pH,7.44,7.44,,,3322 +445205976,1849124,21370,4,bedside glucose,223.0,223 ,mg/dL,mg/dL,21377 +430622109,1849124,-62,3,MPV,9.4,9.4,fL,fL,5 +424100828,1849124,830,1,potassium,4.3,4.3,mmol/L,mmol/L,835 +459127600,1849124,-388,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,-63 +440369750,1849124,818,3,platelets x 1000,109.0,109,K/mcL,k/mm cu,841 +433138067,1849124,2278,3,WBC x 1000,8.1,8.1 ,K/mcL,k/mm cu,2360 +444991103,1849124,12723,4,bedside glucose,192.0,192 ,mg/dL,mg/dL,12736 +430622122,1849124,-62,3,MCHC,31.4,31.4,g/dL,%,5 +416251091,1849124,-181,1,sodium,142.0,142,mmol/L,mmol/L,-63 +433138068,1849124,2278,3,RDW,15.8,15.8,%,%,2360 +440369742,1849124,818,3,-eos,0.0,0.0,%,%,841 +458646049,1849124,3318,7,HCO3,23.0,23.0,mmol/L,mmol/L,3322 +423533937,1849124,-215,1,sodium,141.0,141,mmol/L,mmol/L,-63 +433138064,1849124,2278,3,-eos,0.1,0.1,%,%,2360 +458401438,1849124,1225,7,paO2,63.0,63.0,mm Hg,mmHg,1232 +432009734,1849124,15178,3,WBC x 1000,6.4,6.4 ,K/mcL,k/mm cu,15206 +440210503,1849124,19511,3,RDW,15.1,15.1,%,%,19568 +430622118,1849124,-62,3,WBC x 1000,5.5,5.5 ,K/mcL,k/mm cu,5 +416792716,1849124,2708,1,ionized calcium,4.16,1.04 ,mg/dL,mmol/L,2769 +432009735,1849124,15178,3,platelets x 1000,297.0,297,K/mcL,k/mm cu,15206 +423571522,1849124,3664,1,sodium,144.0,144,mmol/L,mmol/L,3669 +433138065,1849124,2278,3,MCV,84.2,84.2,fL,fL,2360 +440369741,1849124,818,3,Hct,27.9,27.9,%,%,841 +432009736,1849124,15178,3,RBC,3.31,3.31,M/mcL,m/mm cu,15206 +432115924,1849124,-239,3,Hct,29.0,29,%,%,-63 +459127601,1849124,-388,7,paO2,78.0,78.0,mm Hg,mmHg,-63 +445469291,1849124,2697,4,bedside glucose,111.0,111 ,mg/dL,mg/dL,2753 +460392439,1849124,-215,7,HCO3,27.0,27.0,mmol/L,mmol/L,-63 +440141275,1849124,6578,3,-bands,1.0,1,%,%,6679 +433138069,1849124,2278,3,MCH,26.8,26.8,pg,pg,2360 +445104768,1849124,14165,4,bedside glucose,228.0,228 ,mg/dL,mg/dL,14171 +432009737,1849124,15178,3,Hgb,8.7,8.7,g/dL,g/dL,15206 +442282347,1849124,-215,3,Hgb,9.9,9.9,g/dL,g/dL,-63 +430622116,1849124,-62,3,MCV,84.6,84.6,fL,fL,5 +440141274,1849124,6578,3,-polys,62.0,62 ,%,%,6679 +460392440,1849124,-215,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,-63 +423533936,1849124,-215,1,potassium,4.7,4.7,mmol/L,mmol/L,-63 +433138066,1849124,2278,3,Hgb,8.5,8.5,g/dL,g/dL,2360 +421772301,1849124,3653,1,glucose,147.0,147 ,mg/dL,mg/dL,3789 +432009738,1849124,15178,3,Hct,27.4,27.4,%,%,15206 +440141276,1849124,6578,3,-lymphs,27.0,27,%,%,6679 +458646050,1849124,3318,7,Base Deficit,1.0,1.0,mEq/L,mmol/L,3322 +427665882,1849124,2708,1,magnesium,1.9,1.9 ,mg/dL,mg/dL,2785 +460392442,1849124,-215,7,paCO2,44.8,44.8,mm Hg,mmHg,-63 +416251090,1849124,-181,1,potassium,5.2,5.2,mmol/L,mmol/L,-63 +433138062,1849124,2278,3,-polys,79.2,79.2,%,%,2360 +440141277,1849124,6578,3,-monos,8.0,8,%,%,6679 +432009739,1849124,15178,3,MCV,82.7,82.7,fL,fL,15206 +432115925,1849124,-239,3,Hgb,9.9,9.9,g/dL,g/dL,-63 +430622117,1849124,-62,3,Hgb,9.0,9.0,g/dL,g/dL,5 +458919864,1849124,1042,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,1047 +460392443,1849124,-215,7,pH,7.39,7.39,,,-63 +440141279,1849124,6578,3,-basos,0.0,0,%,%,6679 +433138063,1849124,2278,3,Hct,26.7,26.7,%,%,2360 +422771098,1849124,7988,1,glucose,142.0,142 ,mg/dL,mg/dL,8060 +432009742,1849124,15178,3,RDW,15.4,15.4,%,%,15206 +442021758,1849124,20936,3,RDW,15.2,15.2,%,%,20949 +459127604,1849124,-388,7,O2 Sat (%),95.0,95.0,%,%,-63 +422771099,1849124,7988,1,BUN,22.0,22,mg/dL,mg/dL,8060 +460392444,1849124,-215,7,O2 Sat (%),100.0,100.0,%,%,-63 +440141278,1849124,6578,3,-eos,2.0,2,%,%,6679 +433138060,1849124,2278,3,RBC,3.17,3.17,M/mcL,m/mm cu,2360 +422771104,1849124,7988,1,anion gap,7.0,7,,mmol/L,8060 +432009743,1849124,15178,3,MPV,7.9,7.9,fL,fL,15206 +442021759,1849124,20936,3,MPV,7.9,7.9,fL,fL,20949 +430622123,1849124,-62,3,platelets x 1000,101.0,101,K/mcL,k/mm cu,5 +459809216,1849124,2282,7,Base Deficit,3.0,3.0,mEq/L,mmol/L,2287 +460392438,1849124,-215,7,Total CO2,29.0,29,,mmol/L,-63 +440369739,1849124,818,3,-basos,0.2,0.2,%,%,841 +433138070,1849124,2278,3,-monos,8.7,8.7,%,%,2360 +422771105,1849124,7988,1,calcium,8.5,8.5,mg/dL,mg/dL,8060 +428202508,1849124,2868,3,Hct,24.0,24,%,%,2874 +442043834,1849124,16652,3,RDW,15.4,15.4,%,%,16690 +458646054,1849124,3318,7,O2 Sat (%),98.0,98.0,%,%,3322 +459809214,1849124,2282,7,Total CO2,24.0,24,,mmol/L,2287 +434896175,1849124,351,3,Hgb,9.2,9.2,g/dL,g/dL,357 +440369738,1849124,818,3,RBC,3.36,3.36,M/mcL,m/mm cu,841 +433138061,1849124,2278,3,-basos,0.1,0.1,%,%,2360 +422771102,1849124,7988,1,potassium,3.4,3.4,mmol/L,mmol/L,8060 +460392441,1849124,-215,7,paO2,340.0,340.0,mm Hg,mmHg,-63 +442043835,1849124,16652,3,MPV,8.1,8.1,fL,fL,16690 +442808122,1849124,7300,4,bedside glucose,278.0,278 ,mg/dL,mg/dL,7303 +459809218,1849124,2282,7,paCO2,38.8,38.8,mm Hg,mmHg,2287 +458725564,1849124,-181,7,paCO2,40.8,40.8,mm Hg,mmHg,-63 +440369736,1849124,818,3,MPV,8.8,8.8,fL,fL,841 +433138071,1849124,2278,3,MCHC,31.9,31.9,g/dL,%,2360 +422771100,1849124,7988,1,creatinine,1.23,1.23,mg/dL,mg/dL,8060 +428202509,1849124,2868,3,Hgb,8.2,8.2,g/dL,g/dL,2874 +442043833,1849124,16652,3,MCHC,31.6,31.6,g/dL,%,16690 +459127602,1849124,-388,7,paCO2,42.1,42.1,mm Hg,mmHg,-63 +459809220,1849124,2282,7,O2 Sat (%),93.0,93.0,%,%,2287 +458725563,1849124,-181,7,paO2,378.0,378.0,mm Hg,mmHg,-63 +440896814,1849124,98,3,Hct,28.0,28,%,%,104 +433138058,1849124,2278,3,MPV,9.8,9.8,fL,fL,2360 +422771103,1849124,7988,1,chloride,104.0,104,mmol/L,mmol/L,8060 +432009741,1849124,15178,3,MCHC,31.8,31.8,g/dL,%,15206 +440369740,1849124,818,3,-polys,76.8,76.8,%,%,841 +430622115,1849124,-62,3,-eos,0.5,0.5,%,%,5 +460892382,1849124,908,7,pH,7.39,7.39,,,911 +458725562,1849124,-181,7,Base Deficit,5.0,5.0,mEq/L,mmol/L,-63 +439990426,1849124,-118,3,Hct,28.0,28,%,%,-63 +433344041,1849124,-43,3,Hgb,8.5,8.5,g/dL,g/dL,-28 +459809215,1849124,2282,7,HCO3,22.0,22.0,mmol/L,mmol/L,2287 +433138072,1849124,2278,3,platelets x 1000,112.0,112,K/mcL,k/mm cu,2360 +438354945,1849124,830,3,Hct,27.0,27,%,%,835 +433129696,1849124,28,3,Hct,25.0,25,%,%,35 +460892383,1849124,908,7,O2 Sat (%),96.0,96.0,%,%,911 +418308579,1849124,-239,1,potassium,4.9,4.9,mmol/L,mmol/L,-63 +428315699,1849124,982,3,Hct,28.0,28,%,%,987 +458646048,1849124,3318,7,Total CO2,24.0,24,,mmol/L,3322 +443283073,1849124,17608,4,bedside glucose,190.0,190 ,mg/dL,mg/dL,17626 +458725561,1849124,-181,7,HCO3,29.0,29.0,mmol/L,mmol/L,-63 +440896815,1849124,98,3,Hgb,9.5,9.5,g/dL,g/dL,104 +428373548,1849124,1225,3,Hct,28.0,28,%,%,1232 +460892380,1849124,908,7,paO2,85.0,85.0,mm Hg,mmHg,911 +429898746,1849124,818,3,PT - INR,1.1,1.1,ratio,,856 +459588754,1849124,818,7,Total CO2,23.0,23,,mmol/L,871 +434896174,1849124,351,3,Hct,27.0,27,%,%,357 +459809219,1849124,2282,7,pH,7.37,7.37,,,2287 +418060225,1849124,1648,1,potassium,4.1,4.1,mmol/L,mmol/L,1653 +428315700,1849124,982,3,Hgb,9.5,9.5,g/dL,g/dL,987 +442911100,1849124,11557,4,bedside glucose,244.0,244 ,mg/dL,mg/dL,11574 +460892381,1849124,908,7,paCO2,37.4,37.4,mm Hg,mmHg,911 +458725560,1849124,-181,7,Total CO2,30.0,30,,mmol/L,-63 +439990427,1849124,-118,3,Hgb,9.5,9.5,g/dL,g/dL,-63 +433344040,1849124,-43,3,Hct,25.0,25,%,%,-28 +443316901,1849124,12985,4,bedside glucose,214.0,214 ,mg/dL,mg/dL,12997 +433138059,1849124,2278,3,-lymphs,11.9,11.9,%,%,2360 +440210504,1849124,19511,3,MPV,8.1,8.1,fL,fL,19568 +433129697,1849124,28,3,Hgb,8.5,8.5,g/dL,g/dL,35 +460892378,1849124,908,7,HCO3,23.0,23.0,mmol/L,mmol/L,911 +418308580,1849124,-239,1,sodium,142.0,142,mmol/L,mmol/L,-63 +427778212,1849124,982,1,potassium,3.8,3.8,mmol/L,mmol/L,987 +459127603,1849124,-388,7,pH,7.35,7.35,,,-63 +422771101,1849124,7988,1,sodium,136.0,136,mmol/L,mmol/L,8060 +458725565,1849124,-181,7,pH,7.45,7.45,,,-63 +438354946,1849124,830,3,Hgb,9.2,9.2,g/dL,g/dL,835 +434586909,1849124,1410,3,Hct,27.0,27,%,%,1418 +460892379,1849124,908,7,Base Deficit,2.0,2.0,mEq/L,mmol/L,911 +429898745,1849124,818,3,PT,11.5,11.5 ,sec,sec,856 +427778213,1849124,982,1,sodium,144.0,144,mmol/L,mmol/L,987 +432009740,1849124,15178,3,MCH,26.3,26.3,pg,pg,15206 +444869551,1849124,12465,4,bedside glucose,214.0,214 ,mg/dL,mg/dL,12476 +428373549,1849124,1225,3,Hgb,9.5,9.5,g/dL,g/dL,1232 +459292821,1849124,18101,7,Total CO2,27.0,27,,mmol/L,18161 +430622114,1849124,-62,3,Hct,28.8,28.8,%,%,5 +459809217,1849124,2282,7,paO2,69.0,69.0,mm Hg,mmHg,2287 +422668897,1849124,518,1,potassium,3.8,3.8 ,mmol/L,mmol/L,564 +427684141,1849124,1042,1,sodium,144.0,144,mmol/L,mmol/L,1047 +418060226,1849124,1648,1,sodium,143.0,143,mmol/L,mmol/L,1653 +460892377,1849124,908,7,Total CO2,24.0,24,,mmol/L,911 +432876411,1849124,2278,3,PTT,33.0,33 ,sec,sec,2370 +440369737,1849124,818,3,-lymphs,13.1,13.1,%,%,841 +458725566,1849124,-181,7,O2 Sat (%),100.0,100.0,%,%,-63 +445184565,1849124,18221,4,bedside glucose,166.0,166 ,mg/dL,mg/dL,18234 +434586910,1849124,1410,3,Hgb,9.2,9.2,g/dL,g/dL,1418 +427684140,1849124,1042,1,potassium,3.5,3.5,mmol/L,mmol/L,1047 +458646051,1849124,3318,7,paO2,100.0,100.0,mm Hg,mmHg,3322 +163446727,859031,9294,1,chloride,108.0,108,mmol/L,mmol/L,9361 +163446726,859031,9294,1,potassium,4.1,4.1,mmol/L,mmol/L,9361 +163419110,859031,6479,1,calcium,8.1,8.1,mg/dL,mg/dL,6538 +163375443,859031,10694,1,BUN,16.0,16,mg/dL,mg/dL,10832 +163419108,859031,6479,1,anion gap,7.0,7,,,6538 +163419111,859031,6479,1,phosphate,4.0,4.0,mg/dL,mg/dL,6538 +163375444,859031,10694,1,creatinine,0.78,0.78,mg/dL,mg/dL,10832 +163403617,859031,5014,1,glucose,72.0,72,mg/dL,mg/dL,5057 +163419109,859031,6479,1,albumin,2.0,2.0,g/dL,g/dL,6538 +163375445,859031,10694,1,calcium,8.9,8.9,mg/dL,mg/dL,10832 +163419102,859031,6479,1,BUN,19.0,19,mg/dL,mg/dL,6538 +163446725,859031,9294,1,sodium,142.0,142,mmol/L,mmol/L,9361 +163446728,859031,9294,1,bicarbonate,26.0,26,mmol/L,mmol/L,9361 +163439996,859031,7844,1,sodium,144.0,144,mmol/L,mmol/L,7937 +163375440,859031,10694,1,bicarbonate,28.0,28,mmol/L,mmol/L,10832 +163419103,859031,6479,1,creatinine,0.95,0.95,mg/dL,mg/dL,6538 +163375441,859031,10694,1,anion gap,7.0,7,,,10832 +163218237,859031,3554,1,glucose,157.0,157,mg/dL,mg/dL,3608 +163419106,859031,6479,1,chloride,111.0,111,mmol/L,mmol/L,6538 +163375439,859031,10694,1,chloride,106.0,106,mmol/L,mmol/L,10832 +163446729,859031,9294,1,anion gap,8.0,8,,,9361 +163439993,859031,7844,1,glucose,64.0,64,mg/dL,mg/dL,7937 +163375438,859031,10694,1,potassium,4.2,4.2,mmol/L,mmol/L,10832 +163439994,859031,7844,1,BUN,17.0,17,mg/dL,mg/dL,7937 +163419107,859031,6479,1,bicarbonate,25.0,25,mmol/L,mmol/L,6538 +163403618,859031,5014,1,BUN,14.0,14,mg/dL,mg/dL,5057 +163375442,859031,10694,1,glucose,178.0,178,mg/dL,mg/dL,10832 +168210046,859031,6960,3,Fe,16.0,16,mcg/dL,ug/dL,6985 +163218238,859031,3554,1,BUN,14.0,14,mg/dL,mg/dL,3608 +168210047,859031,6960,3,transferrin,165.0,165,mg/dL,mg/dL,6985 +189944327,859031,8272,4,bedside glucose,191.0,191,mg/dL,mg/dL,8272 +163218239,859031,3554,1,creatinine,0.66,0.66,mg/dL,mg/dL,3608 +175459363,859031,6960,3,Ferritin,58.0,58,ng/mL,ng/mL,7444 +187495703,859031,1424,4,bedside glucose,183.0,183,mg/dL,mg/dL,1424 +163218240,859031,3554,1,sodium,142.0,142,mmol/L,mmol/L,3608 +187693191,859031,10261,4,bedside glucose,204.0,204,mg/dL,mg/dL,10261 +189975001,859031,11153,4,bedside glucose,170.0,170,mg/dL,mg/dL,11153 +163403626,859031,5014,1,calcium,8.4,8.4,mg/dL,mg/dL,5057 +163290683,859031,794,1,albumin,2.2,2.2,g/dL,g/dL,841 +163419101,859031,6479,1,glucose,123.0,123,mg/dL,mg/dL,6538 +163290682,859031,794,1,anion gap,6.0,6,,,841 +163440003,859031,7844,1,phosphate,2.7,2.7,mg/dL,mg/dL,7937 +163290679,859031,794,1,potassium,4.1,4.1,mmol/L,mmol/L,841 +163218241,859031,3554,1,potassium,3.8,3.8,mmol/L,mmol/L,3608 +163290678,859031,794,1,sodium,142.0,142,mmol/L,mmol/L,841 +163403622,859031,5014,1,chloride,107.0,107,mmol/L,mmol/L,5057 +163290680,859031,794,1,chloride,109.0,109,mmol/L,mmol/L,841 +163419104,859031,6479,1,sodium,143.0,143,mmol/L,mmol/L,6538 +163290681,859031,794,1,bicarbonate,27.0,27,mmol/L,mmol/L,841 +163440001,859031,7844,1,albumin,2.2,2.2,g/dL,g/dL,7937 +163290684,859031,794,1,calcium,8.4,8.4,mg/dL,mg/dL,841 +163403627,859031,5014,1,phosphate,4.2,4.2,mg/dL,mg/dL,5057 +163290675,859031,794,1,glucose,146.0,146,mg/dL,mg/dL,841 +163439998,859031,7844,1,chloride,111.0,111,mmol/L,mmol/L,7937 +163290676,859031,794,1,BUN,21.0,21,mg/dL,mg/dL,841 +163403625,859031,5014,1,albumin,2.2,2.2,g/dL,g/dL,5057 +163290677,859031,794,1,creatinine,0.92,0.92,mg/dL,mg/dL,841 +163439997,859031,7844,1,potassium,4.1,4.1,mmol/L,mmol/L,7937 +163290685,859031,794,1,phosphate,2.9,2.9,mg/dL,mg/dL,841 +163440002,859031,7844,1,calcium,8.5,8.5,mg/dL,mg/dL,7937 +179094542,859031,9294,3,RDW,15.2,15.2,%,%,9334 +163218242,859031,3554,1,chloride,108.0,108,mmol/L,mmol/L,3608 +179055661,859031,2134,3,MCH,28.5,28.5,pg,pg,2163 +163440000,859031,7844,1,anion gap,7.0,7,,,7937 +179094541,859031,9294,3,MCHC,30.2,30.2,g/dL,g/dL,9334 +163446732,859031,9294,1,creatinine,0.8,0.80,mg/dL,mg/dL,9361 +179055660,859031,2134,3,MCV,92.0,92,fL,fL,2163 +163218244,859031,3554,1,anion gap,7.0,7,,,3608 +179055659,859031,2134,3,Hct,26.7,26.7,%,%,2163 +163446733,859031,9294,1,calcium,8.8,8.8,mg/dL,mg/dL,9361 +179055662,859031,2134,3,MCHC,31.1,31.1,g/dL,g/dL,2163 +163218243,859031,3554,1,bicarbonate,27.0,27,mmol/L,mmol/L,3608 +179094537,859031,9294,3,Hgb,7.8,7.8,g/dL,g/dL,9334 +163446730,859031,9294,1,glucose,159.0,159,mg/dL,mg/dL,9361 +179094540,859031,9294,3,MCH,28.7,28.7,pg,pg,9334 +163419105,859031,6479,1,potassium,4.4,4.4,mmol/L,mmol/L,6538 +177115370,859031,6479,3,Hct,23.4,23.4,%,%,6523 +163403619,859031,5014,1,creatinine,0.79,0.79,mg/dL,mg/dL,5057 +179094536,859031,9294,3,RBC,2.72,2.72,M/mcL,M/MM3,9334 +163403620,859031,5014,1,sodium,141.0,141,mmol/L,mmol/L,5057 +177115371,859031,6479,3,MCV,96.0,96,fL,fL,6523 +170254423,859031,3554,3,RBC,3.05,3.05,M/mcL,M/MM3,3585 +179094538,859031,9294,3,Hct,25.8,25.8,%,%,9334 +163403623,859031,5014,1,bicarbonate,28.0,28,mmol/L,mmol/L,5057 +177115376,859031,6479,3,MPV,8.8,8.8,fL,fL,6523 +170254424,859031,3554,3,Hgb,9.0,9.0,g/dL,g/dL,3585 +179094539,859031,9294,3,MCV,95.0,95,fL,fL,9334 +163218245,859031,3554,1,albumin,2.5,2.5,g/dL,g/dL,3608 +177115367,859031,6479,3,WBC x 1000,6.5,6.5,K/mcL,K/MM3,6523 +170254429,859031,3554,3,RDW,14.2,14.2,%,%,3585 +179055658,859031,2134,3,Hgb,8.3,8.3,g/dL,g/dL,2163 +162810507,859031,2134,1,creatinine,0.75,0.75,mg/dL,mg/dL,2189 +177115372,859031,6479,3,MCH,29.5,29.5,pg,pg,6523 +163403624,859031,5014,1,anion gap,6.0,6,,,5057 +179094543,859031,9294,3,platelets x 1000,318.0,318,K/mcL,K/MM3,9334 +162810508,859031,2134,1,total protein,5.7,5.7,g/dL,g/dL,2189 +177115369,859031,6479,3,Hgb,7.2,7.2,g/dL,g/dL,6523 +170254430,859031,3554,3,platelets x 1000,302.0,302,K/mcL,K/MM3,3585 +179055656,859031,2134,3,WBC x 1000,4.5,4.5,K/mcL,K/MM3,2163 +162810506,859031,2134,1,BUN,20.0,20,mg/dL,mg/dL,2189 +177115373,859031,6479,3,MCHC,30.8,30.8,g/dL,g/dL,6523 +163218247,859031,3554,1,phosphate,3.2,3.2,mg/dL,mg/dL,3608 +179055657,859031,2134,3,RBC,2.91,2.91,M/mcL,M/MM3,2163 +162810510,859031,2134,1,calcium,8.9,8.9,mg/dL,mg/dL,2189 +177115368,859031,6479,3,RBC,2.44,2.44,M/mcL,M/MM3,6523 +170254427,859031,3554,3,MCH,29.5,29.5,pg,pg,3585 +179094535,859031,9294,3,WBC x 1000,6.5,6.5,K/mcL,K/MM3,9334 +162810509,859031,2134,1,albumin,2.2,2.2,g/dL,g/dL,2189 +177115374,859031,6479,3,RDW,15.2,15.2,%,%,6523 +163218246,859031,3554,1,calcium,9.0,9.0,mg/dL,mg/dL,3608 +179094544,859031,9294,3,MPV,9.1,9.1,fL,fL,9334 +162810514,859031,2134,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,2189 +177115375,859031,6479,3,platelets x 1000,248.0,248,K/mcL,K/MM3,6523 +170254428,859031,3554,3,MCHC,31.7,31.7,g/dL,g/dL,3585 +191086341,859031,4569,4,bedside glucose,89.0,89,mg/dL,mg/dL,4569 +162810503,859031,2134,1,bicarbonate,27.0,27,mmol/L,mmol/L,2189 +191342997,859031,9711,4,bedside glucose,154.0,154,mg/dL,mg/dL,9711 +163439995,859031,7844,1,creatinine,0.82,0.82,mg/dL,mg/dL,7937 +185681858,859031,5014,3,Hgb,8.0,8.0,g/dL,g/dL,5038 +162810505,859031,2134,1,glucose,101.0,101,mg/dL,mg/dL,2189 +185681859,859031,5014,3,Hct,26.3,26.3,%,%,5038 +170254425,859031,3554,3,Hct,28.4,28.4,%,%,3585 +185681863,859031,5014,3,RDW,14.2,14.2,%,%,5038 +162810511,859031,2134,1,alkaline phos.,94.0,94,Units/L,IU/L,2189 +185681864,859031,5014,3,platelets x 1000,270.0,270,K/mcL,K/MM3,5038 +163446731,859031,9294,1,BUN,18.0,18,mg/dL,mg/dL,9361 +185681865,859031,5014,3,MPV,8.8,8.8,fL,fL,5038 +162810513,859031,2134,1,AST (SGOT),9.0,9,Units/L,IU/L,2189 +184803304,859031,10694,3,RDW,15.1,15.1,%,%,10804 +170254431,859031,3554,3,MPV,8.9,8.9,fL,fL,3585 +185681862,859031,5014,3,MCHC,30.4,30.4,g/dL,g/dL,5038 +162810504,859031,2134,1,anion gap,6.0,6,,,2189 +184803300,859031,10694,3,Hct,27.9,27.9,%,%,10804 +163375437,859031,10694,1,sodium,141.0,141,mmol/L,mmol/L,10832 +185681861,859031,5014,3,MCH,28.5,28.5,pg,pg,5038 +162810500,859031,2134,1,sodium,143.0,143,mmol/L,mmol/L,2189 +184803301,859031,10694,3,MCV,94.0,94,fL,fL,10804 +170254422,859031,3554,3,WBC x 1000,5.5,5.5,K/mcL,K/MM3,3585 +185709411,859031,7844,3,RDW,15.1,15.1,%,%,7913 +162810512,859031,2134,1,ALT (SGPT),14.0,14,Units/L,IU/L,2189 +184803303,859031,10694,3,MCHC,30.1,30.1,g/dL,g/dL,10804 +163439999,859031,7844,1,bicarbonate,26.0,26,mmol/L,mmol/L,7937 +185681857,859031,5014,3,RBC,2.81,2.81,M/mcL,M/MM3,5038 +185655153,859031,794,3,platelets x 1000,279.0,279,K/mcL,K/MM3,818 +184803302,859031,10694,3,MCH,28.4,28.4,pg,pg,10804 +188745868,859031,4277,4,bedside glucose,97.0,97,mg/dL,mg/dL,4277 +166206963,859031,7844,3,Hct,25.3,25.3,%,%,7913 +185096540,859031,794,3,Hct,27.4,27.4,%,%,818 +185709412,859031,7844,3,platelets x 1000,282.0,282,K/mcL,K/MM3,7913 +162810501,859031,2134,1,potassium,3.8,3.8,mmol/L,mmol/L,2189 +184803299,859031,10694,3,Hgb,8.4,8.4,g/dL,g/dL,10804 +185655154,859031,794,3,MPV,8.4,8.4,fL,fL,818 +166206966,859031,7844,3,MCHC,30.0,30.0,g/dL,g/dL,7913 +188977323,859031,5734,4,bedside glucose,127.0,127,mg/dL,mg/dL,5734 +185683357,859031,5014,3,WBC x 1000,7.0,7.0,K/mcL,K/MM3,5038 +185096541,859031,794,3,MCV,92.0,92,fL,fL,818 +184803298,859031,10694,3,RBC,2.96,2.96,M/mcL,M/MM3,10804 +189076034,859031,5964,4,bedside glucose,132.0,132,mg/dL,mg/dL,5964 +166206965,859031,7844,3,MCH,28.7,28.7,pg,pg,7913 +185655152,859031,794,3,RDW,14.2,14.2,%,%,818 +185709413,859031,7844,3,MPV,9.1,9.1,fL,fL,7913 +170254426,859031,3554,3,MCV,93.0,93,fL,fL,3585 +184803305,859031,10694,3,platelets x 1000,351.0,351,K/mcL,K/MM3,10804 +185096538,859031,794,3,RBC,2.97,2.97,M/mcL,M/MM3,818 +190584122,859031,2207,4,bedside glucose,113.0,113,mg/dL,mg/dL,2207 +188575099,859031,9975,4,bedside glucose,191.0,191,mg/dL,mg/dL,9975 +185681860,859031,5014,3,MCV,94.0,94,fL,fL,5038 +185655151,859031,794,3,MCHC,31.8,31.8,g/dL,g/dL,818 +184803297,859031,10694,3,WBC x 1000,7.3,7.3,K/mcL,K/MM3,10804 +182521804,859031,6960,3,Hgb,7.6,7.6,g/dL,g/dL,6974 +166206960,859031,7844,3,WBC x 1000,6.3,6.3,K/mcL,K/MM3,7913 +185096537,859031,794,3,WBC x 1000,5.8,5.8,K/mcL,K/MM3,818 +191824822,859031,5144,4,bedside glucose,84.0,84,mg/dL,mg/dL,5144 +162810502,859031,2134,1,chloride,110.0,110,mmol/L,mmol/L,2189 +184803306,859031,10694,3,MPV,9.0,9.0,fL,fL,10804 +185655150,859031,794,3,MCH,29.3,29.3,pg,pg,818 +190426311,859031,9414,4,bedside glucose,161.0,161,mg/dL,mg/dL,9414 +188758615,859031,8565,4,bedside glucose,247.0,247,mg/dL,mg/dL,8565 +185192574,859031,2134,3,RDW,13.7,13.7,%,%,2163 +188147711,859031,6567,4,bedside glucose,118.0,118,mg/dL,mg/dL,6567 +166206964,859031,7844,3,MCV,96.0,96,fL,fL,7913 +187385018,859031,8851,4,bedside glucose,222.0,222,mg/dL,mg/dL,8851 +185192575,859031,2134,3,platelets x 1000,246.0,246,K/mcL,K/MM3,2163 +185096539,859031,794,3,Hgb,8.7,8.7,g/dL,g/dL,818 +188318799,859031,4047,4,bedside glucose,82.0,82,mg/dL,mg/dL,4047 +192097246,859031,1100,4,bedside glucose,249.0,249,mg/dL,mg/dL,1100 +185192576,859031,2134,3,MPV,8.7,8.7,fL,fL,2163 +189404720,859031,3378,4,bedside glucose,172.0,172,mg/dL,mg/dL,3378 +191744426,859031,178,4,bedside glucose,147.0,147,mg/dL,mg/dL,178 +163403621,859031,5014,1,potassium,4.0,4.0,mmol/L,mmol/L,5057 +190274083,859031,7400,4,bedside glucose,177.0,177,mg/dL,mg/dL,7400 +188073680,859031,1603,4,bedside glucose,211.0,211,mg/dL,mg/dL,1603 +166206961,859031,7844,3,RBC,2.65,2.65,M/mcL,M/MM3,7913 +189443686,859031,1946,4,bedside glucose,123.0,123,mg/dL,mg/dL,1946 +165565243,859031,11047,2,Vancomycin - random,16.6,16.6,mcg/mL,ug/mL,11078 +187325503,859031,7989,4,bedside glucose,64.0,64,mg/dL,mg/dL,7989 +188958082,859031,4006,4,bedside glucose,82.0,82,mg/dL,mg/dL,4006 +153429533,859031,2134,1,phosphate,2.8,2.8,mg/dL,mg/dL,2189 +190877245,859031,3090,4,bedside glucose,229.0,229,mg/dL,mg/dL,3090 +191646888,859031,7077,4,bedside glucose,199.0,199,mg/dL,mg/dL,7077 +189349722,859031,10847,4,bedside glucose,191.0,191,mg/dL,mg/dL,10847 +188677148,859031,2824,4,bedside glucose,220.0,220,mg/dL,mg/dL,2824 +165565244,859031,2410,2,Vancomycin - trough,14.5,14.5,mcg/mL,ug/mL,2477 +189880538,859031,5479,4,bedside glucose,100.0,100,mg/dL,mg/dL,5479 +166206962,859031,7844,3,Hgb,7.6,7.6,g/dL,g/dL,7913 +189388791,859031,10567,4,bedside glucose,164.0,164,mg/dL,mg/dL,10567 +187876278,859031,9168,4,bedside glucose,169.0,169,mg/dL,mg/dL,9168 +187882559,859031,3689,4,bedside glucose,159.0,159,mg/dL,mg/dL,3689 +188256871,859031,6846,4,bedside glucose,168.0,168,mg/dL,mg/dL,6846 +187992835,859031,2519,4,bedside glucose,226.0,226,mg/dL,mg/dL,2519 +190287526,859031,924,4,bedside glucose,149.0,149,mg/dL,mg/dL,924 +252656519,1063405,19925,1,AST (SGOT),194.0,194,Units/L,unit/L,20077 +252656518,1063405,19925,1,calcium,7.4,7.4,mg/dL,mg/dL,20077 +252580721,1063405,11354,1,lactate,7.5,7.5,mmol/L,mmol/L,11354 +252580717,1063405,11354,1,sodium,128.0,128,mmol/L,mmol/L,11354 +252580718,1063405,11354,1,chloride,98.0,98,mmol/L,mmol/L,11354 +252580716,1063405,11354,1,potassium,6.5,6.5,mmol/L,mmol/L,11354 +252656527,1063405,19925,1,total protein,6.0,6.0,g/dL,gm/dL,20077 +252580719,1063405,11354,1,ionized calcium,4.08,1.02,mg/dL,mmol/L,11354 +252108253,1063405,15685,1,potassium,3.5,3.5,mmol/L,mmol/L,15727 +252656528,1063405,19925,1,sodium,134.0,134,mmol/L,mmol/L,20077 +252108254,1063405,15685,1,anion gap,7.0,7,,mmol/L,15727 +252656517,1063405,19925,1,creatinine,1.96,1.96,mg/dL,mg/dL,20077 +252009579,1063405,18486,1,lactate,1.18,1.18,mmol/L,mmol/L,18497 +252656520,1063405,19925,1,potassium,4.4,4.4,mmol/L,mmol/L,20077 +252108260,1063405,15685,1,albumin,1.9,1.9,g/dL,gm/dL,15741 +253305006,1063405,18486,1,ionized calcium,4.48,1.12,mg/dL,mmol/L,18497 +252108250,1063405,15685,1,creatinine,2.19,2.19,mg/dL,mg/dL,15727 +252580720,1063405,11354,1,glucose,79.0,79,mg/dL,mg/dL,11354 +252108251,1063405,15685,1,sodium,137.0,137,mmol/L,mmol/L,15727 +253729760,1063405,11386,3,Hgb,7.5,7.5,g/dL,gm/dL,11386 +252108259,1063405,15685,1,alkaline phos.,124.0,124,Units/L,unit/L,15741 +252656515,1063405,19925,1,albumin,2.1,2.1,g/dL,gm/dL,20077 +252108252,1063405,15685,1,bicarbonate,22.0,22,mmol/L,mmol/L,15727 +253729759,1063405,11386,3,Hct,20.0,20,%,%,11386 +252108255,1063405,15685,1,total bilirubin,2.0,2.0,mg/dL,mg/dL,15741 +252656524,1063405,19925,1,anion gap,8.0,8,,mmol/L,20077 +252108257,1063405,15685,1,total protein,5.3,5.3,g/dL,gm/dL,15741 +253476981,1063405,15685,1,BUN,8.0,8,mg/dL,mg/dL,15727 +252108249,1063405,15685,1,calcium,7.9,7.9,mg/dL,mg/dL,15727 +252656525,1063405,19925,1,alkaline phos.,142.0,142,Units/L,unit/L,20077 +251747051,1063405,9183,1,anion gap,18.0,18,,mmol/L,9256 +252878258,1063405,11715,1,lactate,7.04,7.04,mmol/L,mmol/L,11729 +251632283,1063405,9183,1,magnesium,2.0,2.0,mg/dL,mg/dL,9256 +252108258,1063405,15685,1,AST (SGOT),1273.0,1273,Units/L,unit/L,15741 +251807447,1063405,3423,1,creatinine,7.31,7.31,mg/dL,mg/dL,3493 +253476982,1063405,15685,1,glucose,104.0,104,mg/dL,mg/dL,15727 +251807446,1063405,3423,1,sodium,131.0,131,mmol/L,mmol/L,3493 +252791299,1063405,11715,1,glucose,197.0,197,mg/dL,mg/dL,11729 +251710125,1063405,7748,1,magnesium,1.8,1.8,mg/dL,mg/dL,7814 +252108256,1063405,15685,1,ALT (SGPT),158.0,158,Units/L,unit/L,15741 +251583352,1063405,9183,1,phosphate,7.5,7.5,mg/dL,mg/dL,9254 +252656522,1063405,19925,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,20077 +251807443,1063405,3423,1,AST (SGOT),487.0,487,Units/L,unit/L,3493 +253541415,1063405,360,1,albumin,1.7,1.7,g/dL,gm/dL,413 +251807442,1063405,3423,1,calcium,7.4,7.4,mg/dL,mg/dL,3493 +254153696,1063405,12790,3,Hgb,8.3,8.3,g/dL,gm/dL,12801 +251807445,1063405,3423,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,3493 +253541416,1063405,360,1,sodium,135.0,135,mmol/L,mmol/L,413 +251807441,1063405,3423,1,bicarbonate,26.0,26,mmol/L,mmol/L,3493 +252656523,1063405,19925,1,chloride,102.0,102,mmol/L,mmol/L,20077 +251807444,1063405,3423,1,BUN,27.0,27,mg/dL,mg/dL,3493 +253530212,1063405,11970,1,glucose,156.0,156,mg/dL,mg/dL,11991 +251807439,1063405,3423,1,albumin,1.8,1.8,g/dL,gm/dL,3493 +258833601,1063405,18486,7,Methemoglobin,0.1,0.1,%,%,18497 +251807438,1063405,3423,1,anion gap,12.0,12,,mmol/L,3493 +253505260,1063405,19140,1,cortisol,,>120.0,mcg/dL,mcg/dL,19379 +251807433,1063405,3423,1,potassium,4.0,4.0,mmol/L,mmol/L,3493 +252656526,1063405,19925,1,bicarbonate,24.0,24,mmol/L,mmol/L,20077 +251807440,1063405,3423,1,ALT (SGPT),26.0,26,Units/L,unit/L,3493 +253600029,1063405,19140,1,anion gap,8.0,8,,mmol/L,19223 +252468805,1063405,27925,1,phosphate,2.3,2.3,mg/dL,mg/dL,28034 +253476983,1063405,15685,1,chloride,108.0,108,mmol/L,mmol/L,15727 +251747050,1063405,9183,1,BUN,42.0,42,mg/dL,mg/dL,9256 +253600028,1063405,19140,1,chloride,102.0,102,mmol/L,mmol/L,19223 +252656013,1063405,4879,1,calcium,7.2,7.2,mg/dL,mg/dL,4967 +252656516,1063405,19925,1,ALT (SGPT),7.0,7,Units/L,unit/L,20077 +251807434,1063405,3423,1,glucose,96.0,96,mg/dL,mg/dL,3493 +253541413,1063405,360,1,ALT (SGPT),111.0,111,Units/L,unit/L,413 +252614574,1063405,27925,1,magnesium,1.7,1.7,mg/dL,mg/dL,28034 +253938820,1063405,8425,3,ESR,90.0,90,mm/hr,mm/hr,8593 +251558673,1063405,8425,1,lactate,2.49,2.49,mmol/L,mmol/L,8576 +251807435,1063405,3423,1,total protein,7.1,7.1,g/dL,gm/dL,3493 +253541412,1063405,360,1,total protein,6.8,6.8,g/dL,gm/dL,413 +251512964,1063405,11386,1,sodium,130.0,130,mmol/L,mmol/L,11386 +252654635,1063405,17799,1,potassium,5.0,5.0,mmol/L,mmol/L,17803 +252656514,1063405,19925,1,BUN,14.0,14,mg/dL,mg/dL,20077 +251512965,1063405,11386,1,chloride,99.0,99,mmol/L,mmol/L,11386 +251747049,1063405,9183,1,glucose,102.0,102,mg/dL,mg/dL,9256 +253541411,1063405,360,1,glucose,96.0,96,mg/dL,mg/dL,413 +251512966,1063405,11386,1,ionized calcium,5.24,1.31,mg/dL,mmol/L,11386 +252656010,1063405,4879,1,potassium,4.2,4.2,mmol/L,mmol/L,4967 +254649198,1063405,11354,3,Hct,25.0,25,%,%,11354 +251512967,1063405,11386,1,glucose,77.0,77,mg/dL,mg/dL,11386 +251807436,1063405,3423,1,alkaline phos.,111.0,111,Units/L,unit/L,3493 +253541414,1063405,360,1,anion gap,14.0,14,,mmol/L,413 +251512962,1063405,11386,1,lactate,6.8,6.8,mmol/L,mmol/L,11386 +252656015,1063405,4879,1,creatinine,8.94,8.94,mg/dL,mg/dL,4967 +252656521,1063405,19925,1,glucose,116.0,116,mg/dL,mg/dL,20077 +251512963,1063405,11386,1,potassium,5.9,5.9,mmol/L,mmol/L,11386 +251747052,1063405,9183,1,sodium,126.0,126,mmol/L,mmol/L,9256 +251742465,1063405,-80,1,sodium,136.0,136,mmol/L,mmol/L,-71 +252656011,1063405,4879,1,BUN,37.0,37,mg/dL,mg/dL,4967 +251654128,1063405,11615,1,potassium,5.8,5.8,mmol/L,mmol/L,11630 +251747048,1063405,9183,1,chloride,85.0,85,mmol/L,mmol/L,9256 +251761514,1063405,-35,1,magnesium,2.1,2.1,mg/dL,mg/dL,82 +252656012,1063405,4879,1,anion gap,13.0,13,,mmol/L,4967 +251782236,1063405,11615,1,glucose,163.0,163,mg/dL,mg/dL,11630 +251747047,1063405,9183,1,calcium,7.5,7.5,mg/dL,mg/dL,9256 +251831587,1063405,80,1,glucose,113.0,113,mg/dL,mg/dL,88 +252656016,1063405,4879,1,sodium,130.0,130,mmol/L,mmol/L,4967 +251676671,1063405,19140,1,BUN,18.0,18,mg/dL,mg/dL,19223 +251747046,1063405,9183,1,bicarbonate,23.0,23,mmol/L,mmol/L,9256 +251676672,1063405,19140,1,calcium,7.5,7.5,mg/dL,mg/dL,19223 +252656014,1063405,4879,1,chloride,93.0,93,mmol/L,mmol/L,4967 +251676673,1063405,19140,1,ALT (SGPT),7.0,7,Units/L,unit/L,19223 +251747045,1063405,9183,1,potassium,5.1,5.1,mmol/L,mmol/L,9256 +251676669,1063405,19140,1,AST (SGOT),251.0,251,Units/L,unit/L,19223 +252656017,1063405,4879,1,bicarbonate,24.0,24,mmol/L,mmol/L,4967 +251676663,1063405,19140,1,creatinine,2.95,2.95,mg/dL,mg/dL,19223 +251807437,1063405,3423,1,chloride,93.0,93,mmol/L,mmol/L,3493 +251738182,1063405,11970,1,anion gap,17.0,17,,mmol/L,12095 +252033331,1063405,27925,1,BUN,35.0,35,mg/dL,mg/dL,28034 +251676670,1063405,19140,1,glucose,105.0,105,mg/dL,mg/dL,19223 +252656009,1063405,4879,1,glucose,106.0,106,mg/dL,mg/dL,4967 +251676674,1063405,19140,1,total protein,6.3,6.3,g/dL,gm/dL,19223 +251747053,1063405,9183,1,creatinine,10.04,10.04,mg/dL,mg/dL,9256 +251738181,1063405,11970,1,ALT (SGPT),2503.0,2503,Units/L,unit/L,12095 +252033333,1063405,27925,1,creatinine,4.24,4.24,mg/dL,mg/dL,28034 +251738169,1063405,11970,1,albumin,2.2,2.2,g/dL,gm/dL,12094 +252457191,1063405,-35,1,phosphate,7.4,7.4,mg/dL,mg/dL,82 +252262146,1063405,26450,1,creatinine,5.64,5.64,mg/dL,mg/dL,26498 +252546840,1063405,1550,1,troponin - I,1.13,1.13,ng/mL,ng/mL,1704 +251738173,1063405,11970,1,chloride,102.0,102,mmol/L,mmol/L,12094 +252441805,1063405,-49,1,lactate,7.05,7.05,mmol/L,mmol/L,-42 +251981501,1063405,17799,1,lactate,1.07,1.07,mmol/L,mmol/L,17803 +252555222,1063405,11615,1,ionized calcium,4.8,1.20,mg/dL,mmol/L,11630 +251738171,1063405,11970,1,glucose,170.0,170,mg/dL,mg/dL,12094 +252051638,1063405,12360,1,potassium,4.2,4.2,mmol/L,mmol/L,12375 +252314961,1063405,17790,1,cortisol,,>120.0,mcg/dL,mcg/dL,17965 +252376047,1063405,-49,1,potassium,4.2,4.2,mmol/L,mmol/L,-42 +255518014,1063405,27383,4,bedside glucose,86.0,86,mg/dL,mg/dL,27383 +251676665,1063405,19140,1,albumin,2.1,2.1,g/dL,gm/dL,19223 +252099558,1063405,12360,1,sodium,135.0,135,mmol/L,mmol/L,12375 +255339573,1063405,80,3,Hgb,7.0,7.0,g/dL,gm/dL,88 +252033334,1063405,27925,1,anion gap,10.0,10,,mmol/L,28034 +253287080,1063405,80,1,lactate,2.8,2.80,mmol/L,mmol/L,88 +251676675,1063405,19140,1,sodium,132.0,132,mmol/L,mmol/L,19223 +253309356,1063405,-35,1,total protein,7.4,7.4,g/dL,gm/dL,82 +252262143,1063405,26450,1,calcium,7.1,7.1,mg/dL,mg/dL,26498 +253309355,1063405,-35,1,chloride,98.0,98,mmol/L,mmol/L,82 +251738183,1063405,11970,1,AST (SGOT),19295.0,19295,Units/L,unit/L,12114 +253241729,1063405,-80,1,glucose,88.0,88,mg/dL,mg/dL,-71 +252033330,1063405,27925,1,calcium,7.2,7.2,mg/dL,mg/dL,28034 +253309358,1063405,-35,1,calcium,7.1,7.1,mg/dL,mg/dL,82 +251738172,1063405,11970,1,calcium,9.0,9.0,mg/dL,mg/dL,12094 +253309357,1063405,-35,1,BUN,29.0,29,mg/dL,mg/dL,82 +252262142,1063405,26450,1,anion gap,10.0,10,,mmol/L,26498 +253309360,1063405,-35,1,total bilirubin,0.8,0.8,mg/dL,mg/dL,82 +251738180,1063405,11970,1,creatinine,4.92,4.92,mg/dL,mg/dL,12094 +253309361,1063405,-35,1,AST (SGOT),2607.0,2607,Units/L,unit/L,123 +251952741,1063405,580,1,lactate,1.05,1.05,mmol/L,mmol/L,590 +253309352,1063405,-35,1,bicarbonate,19.0,19,mmol/L,mmol/L,82 +251686269,1063405,23405,1,phosphate,2.9,2.9,mg/dL,mg/dL,23485 +253309353,1063405,-35,1,anion gap,19.0,19,,mmol/L,82 +252262144,1063405,26450,1,BUN,60.0,60,mg/dL,mg/dL,26498 +253309349,1063405,-35,1,sodium,136.0,136,mmol/L,mmol/L,82 +251611848,1063405,11970,1,potassium,4.6,4.6,mmol/L,mmol/L,11991 +253309348,1063405,-35,1,creatinine,6.66,6.66,mg/dL,mg/dL,82 +252033335,1063405,27925,1,potassium,3.2,3.2,mmol/L,mmol/L,28034 +253309354,1063405,-35,1,albumin,1.8,1.8,g/dL,gm/dL,82 +251708545,1063405,19140,1,phosphate,2.8,2.8,mg/dL,mg/dL,19223 +253309350,1063405,-35,1,glucose,88.0,88,mg/dL,mg/dL,82 +254880270,1063405,26450,3,PT - INR,1.14,1.14,ratio,,26526 +255220376,1063405,11540,3,PTT,41.2,41.2,sec,second(s),11641 +251738178,1063405,11970,1,total protein,5.2,5.2,g/dL,gm/dL,12094 +253309359,1063405,-35,1,alkaline phos.,144.0,144,Units/L,unit/L,82 +252262140,1063405,26450,1,chloride,98.0,98,mmol/L,mmol/L,26498 +255087611,1063405,-35,3,MCH,28.2,28.2,pg,pg,-2 +251676667,1063405,19140,1,alkaline phos.,132.0,132,Units/L,unit/L,19223 +253309351,1063405,-35,1,potassium,4.1,4.1,mmol/L,mmol/L,82 +254959464,1063405,6314,3,RDW,15.8,15.8,%,%,6362 +255087610,1063405,-35,3,WBC x 1000,7.2,7.2,K/mcL,10E3/mcL,-2 +251738176,1063405,11970,1,alkaline phos.,93.0,93,Units/L,unit/L,12094 +254026729,1063405,13030,3,Hgb,8.3,8.3,g/dL,gm/dL,13046 +252033332,1063405,27925,1,sodium,133.0,133,mmol/L,mmol/L,28034 +255026291,1063405,-362,3,platelets x 1000,181.0,181,K/mcL,10E3/mcL,-324 +251726766,1063405,-362,1,CPK,171.0,171,Units/L,unit/L,-138 +253309347,1063405,-35,1,ALT (SGPT),134.0,134,Units/L,unit/L,82 +254959458,1063405,6314,3,WBC x 1000,4.4,4.4,K/mcL,10E3/mcL,6362 +255026292,1063405,-362,3,MCHC,31.6,31.6,g/dL,gm/dL,-324 +251719587,1063405,24945,1,phosphate,1.5,1.5,mg/dL,mg/dL,25007 +255087609,1063405,-35,3,platelets x 1000,144.0,144,K/mcL,10E3/mcL,-2 +254607516,1063405,3423,3,MPV,10.4,10.4,fL,fL,3471 +255026290,1063405,-362,3,Hct,25.6,25.6,%,%,-324 +251676666,1063405,19140,1,potassium,4.2,4.2,mmol/L,mmol/L,19223 +254711347,1063405,11540,3,Hct,21.6,21.6,%,%,11605 +252262141,1063405,26450,1,bicarbonate,24.0,24,mmol/L,mmol/L,26498 +255026293,1063405,-362,3,MPV,10.6,10.6,fL,fL,-324 +251678850,1063405,11970,1,magnesium,2.3,2.3,mg/dL,mg/dL,12095 +255087612,1063405,-35,3,MPV,10.0,10.0,fL,fL,-2 +253086325,1063405,23405,1,glucose,113.0,113,mg/dL,mg/dL,23487 +255026289,1063405,-362,3,MCH,28.4,28.4,pg,pg,-324 +251784470,1063405,360,1,phosphate,8.8,8.8,mg/dL,mg/dL,413 +254711342,1063405,11540,3,WBC x 1000,17.2,17.2,K/mcL,10E3/mcL,11605 +254607517,1063405,3423,3,Hgb,7.4,7.4,g/dL,gm/dL,3471 +254985149,1063405,11970,3,MCHC,33.0,33.0,g/dL,gm/dL,11995 +251738177,1063405,11970,1,BUN,26.0,26,mg/dL,mg/dL,12094 +255087608,1063405,-35,3,MCV,87.8,87.8,fL,fL,-2 +253180694,1063405,24945,1,sodium,132.0,132,mmol/L,mmol/L,25009 +254985150,1063405,11970,3,Hgb,7.5,7.5,g/dL,gm/dL,11995 +251890714,1063405,20610,1,chloride,103.0,103,mmol/L,mmol/L,20669 +254711344,1063405,11540,3,MCV,88.2,88.2,fL,fL,11605 +254959456,1063405,6314,3,Hct,24.6,24.6,%,%,6362 +254985148,1063405,11970,3,RBC,2.67,2.67,M/mcL,10E6/mcL,11995 +251738170,1063405,11970,1,potassium,4.8,4.8,mmol/L,mmol/L,12094 +255087616,1063405,-35,3,RDW,16.3,16.3,%,%,-2 +253180693,1063405,24945,1,anion gap,10.0,10,,mmol/L,25009 +255026288,1063405,-362,3,RDW,16.4,16.4,%,%,-324 +251991655,1063405,16200,1,phosphate,2.5,2.5,mg/dL,mg/dL,16262 +254711343,1063405,11540,3,Hgb,7.0,7.0,g/dL,gm/dL,11605 +254612057,1063405,4879,3,MCH,27.8,27.8,pg,pg,4943 +254985142,1063405,11970,3,Hct,22.7,22.7,%,%,11995 +251738179,1063405,11970,1,sodium,138.0,138,mmol/L,mmol/L,12094 +255087613,1063405,-35,3,RBC,2.45,2.45,M/mcL,10E6/mcL,-2 +253180695,1063405,24945,1,creatinine,3.97,3.97,mg/dL,mg/dL,25009 +254985145,1063405,11970,3,WBC x 1000,13.4,13.4,K/mcL,10E3/mcL,11995 +251890711,1063405,20610,1,creatinine,1.63,1.63,mg/dL,mg/dL,20669 +254711345,1063405,11540,3,MCH,28.6,28.6,pg,pg,11605 +255176319,1063405,9183,3,MPV,10.0,10.0,fL,fL,9208 +254985143,1063405,11970,3,MCV,85.0,85.0,fL,fL,11995 +252267901,1063405,16200,1,magnesium,2.1,2.1,mg/dL,mg/dL,16262 +255087614,1063405,-35,3,MCHC,32.1,32.1,g/dL,gm/dL,-2 +253086326,1063405,23405,1,sodium,136.0,136,mmol/L,mmol/L,23487 +254985144,1063405,11970,3,platelets x 1000,85.0,85,K/mcL,10E3/mcL,11995 +251738174,1063405,11970,1,total bilirubin,1.5,1.5,mg/dL,mg/dL,12094 +254711348,1063405,11540,3,platelets x 1000,103.0,103,K/mcL,10E3/mcL,11605 +254612054,1063405,4879,3,RBC,2.7,2.70,M/mcL,10E6/mcL,4943 +254985146,1063405,11970,3,MCH,28.1,28.1,pg,pg,11995 +251890713,1063405,20610,1,glucose,138.0,138,mg/dL,mg/dL,20669 +255184699,1063405,11615,3,Hgb,6.2,6.2,g/dL,gm/dL,11630 +253180691,1063405,24945,1,calcium,7.3,7.3,mg/dL,mg/dL,25009 +255026297,1063405,-362,3,WBC x 1000,6.3,6.3,K/mcL,10E3/mcL,-315 +252064613,1063405,11970,1,ionized calcium,4.56,1.14,mg/dL,mmol/L,11991 +254711346,1063405,11540,3,RDW,15.1,15.1,%,%,11605 +252033336,1063405,27925,1,glucose,93.0,93,mg/dL,mg/dL,28034 +254985141,1063405,11970,3,RDW,14.8,14.8,%,%,11995 +251676664,1063405,19140,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,19223 +255087615,1063405,-35,3,Hgb,6.9,6.9,g/dL,gm/dL,-2 +253086329,1063405,23405,1,potassium,2.7,2.7,mmol/L,mmol/L,23487 +255026295,1063405,-362,3,Hgb,8.1,8.1,g/dL,gm/dL,-324 +251890712,1063405,20610,1,potassium,4.1,4.1,mmol/L,mmol/L,20669 +254711341,1063405,11540,3,MPV,10.9,10.9,fL,fL,11605 +254119418,1063405,7748,3,RDW,15.7,15.7,%,%,7782 +255188580,1063405,13380,3,MCV,83.8,83.8,fL,fL,13432 +252271975,1063405,13380,1,magnesium,2.2,2.2,mg/dL,mg/dL,13456 +255087617,1063405,-35,3,Hct,21.5,21.5,%,%,-2 +254612056,1063405,4879,3,Hgb,7.5,7.5,g/dL,gm/dL,4943 +255026294,1063405,-362,3,MCV,89.8,89.8,fL,fL,-324 +251676668,1063405,19140,1,bicarbonate,22.0,22,mmol/L,mmol/L,19223 +254711339,1063405,11540,3,MCHC,32.4,32.4,g/dL,gm/dL,11605 +253086328,1063405,23405,1,anion gap,11.0,11,,mmol/L,23487 +255188579,1063405,13380,3,Hct,24.3,24.3,%,%,13432 +251890710,1063405,20610,1,sodium,134.0,134,mmol/L,mmol/L,20669 +253376794,1063405,80,1,potassium,4.6,4.6,mmol/L,mmol/L,88 +254119414,1063405,7748,3,MPV,9.6,9.6,fL,fL,7782 +255026296,1063405,-362,3,RBC,2.85,2.85,M/mcL,10E6/mcL,-324 +252216801,1063405,11970,1,sodium,134.0,134,mmol/L,mmol/L,11991 +252761304,1063405,-80,1,potassium,3.9,3.9,mmol/L,mmol/L,-71 +254959460,1063405,6314,3,RBC,2.76,2.76,M/mcL,10E6/mcL,6362 +255188581,1063405,13380,3,platelets x 1000,100.0,100,K/mcL,10E3/mcL,13432 +251738175,1063405,11970,1,bicarbonate,19.0,19,mmol/L,mmol/L,12094 +254769859,1063405,11540,3,PT - INR,2.43,2.43,ratio,,11625 +253086327,1063405,23405,1,chloride,105.0,105,mmol/L,mmol/L,23487 +255517623,1063405,11941,4,bedside glucose,180.0,180,mg/dL,mg/dL,11941 +251890708,1063405,20610,1,calcium,7.5,7.5,mg/dL,mg/dL,20669 +252663301,1063405,11540,1,bicarbonate,16.0,16,mmol/L,mmol/L,11643 +254119413,1063405,7748,3,MCH,28.5,28.5,pg,pg,7782 +254953573,1063405,11970,3,Hgb,7.8,7.8,g/dL,gm/dL,11991 +251451846,1063405,13380,1,phosphate,1.7,1.7,mg/dL,mg/dL,13734 +253448306,1063405,-49,1,sodium,134.0,134,mmol/L,mmol/L,-42 +254612055,1063405,4879,3,RDW,15.9,15.9,%,%,4943 +255188582,1063405,13380,3,WBC x 1000,4.9,4.9,K/mcL,10E3/mcL,13432 +251890709,1063405,20610,1,BUN,18.0,18,mg/dL,mg/dL,20669 +252663302,1063405,11540,1,albumin,1.8,1.8,g/dL,gm/dL,11643 +253040964,1063405,10500,1,phosphate,2.9,2.9,mg/dL,mg/dL,10557 +255573119,1063405,20602,4,bedside glucose,124.0,124,mg/dL,mg/dL,20602 +255973481,1063405,-362,4,BNP,1755.0,1755,pg/mL,pg/mL,-308 +254711340,1063405,11540,3,RBC,2.45,2.45,M/mcL,10E6/mcL,11605 +254119412,1063405,7748,3,WBC x 1000,6.6,6.6,K/mcL,10E3/mcL,7782 +254985147,1063405,11970,3,MPV,11.2,11.2,fL,fL,11995 +251980013,1063405,19140,1,magnesium,2.3,2.3,mg/dL,mg/dL,19223 +252663297,1063405,11540,1,glucose,110.0,110,mg/dL,mg/dL,11643 +255176320,1063405,9183,3,RBC,2.48,2.48,M/mcL,10E6/mcL,9208 +255188578,1063405,13380,3,RDW,15.1,15.1,%,%,13432 +255887575,1063405,14825,4,bedside glucose,113.0,113,mg/dL,mg/dL,14825 +253392859,1063405,-49,1,ionized calcium,3.96,0.99,mg/dL,mmol/L,-42 +253180687,1063405,24945,1,potassium,2.7,2.7,mmol/L,mmol/L,25009 +254652908,1063405,-362,3,PT,14.6,14.6,sec,second(s),-292 +251890716,1063405,20610,1,bicarbonate,25.0,25,mmol/L,mmol/L,20669 +258547306,1063405,11550,7,HCO3,12.5,12.5,mmol/L,mmol/L,11561 +254119411,1063405,7748,3,platelets x 1000,143.0,143,K/mcL,10E3/mcL,7782 +255243001,1063405,16200,3,platelets x 1000,56.0,56,K/mcL,10E3/mcL,16245 +255945866,1063405,19092,4,bedside glucose,104.0,104,mg/dL,mg/dL,19092 +254461202,1063405,10920,3,PT - INR,1.51,1.51,ratio,,11025 +254612058,1063405,4879,3,WBC x 1000,4.1,4.1,K/mcL,10E3/mcL,4943 +254673917,1063405,-362,3,-polys,69.0,69,%,%,-274 +251890715,1063405,20610,1,anion gap,6.0,6,,mmol/L,20669 +252663298,1063405,11540,1,alkaline phos.,75.0,75,Units/L,unit/L,11643 +253180688,1063405,24945,1,chloride,97.0,97,mmol/L,mmol/L,25009 +255327951,1063405,11970,3,PT - INR,1.82,1.82,ratio,,12030 +255914556,1063405,19141,4,bedside glucose,106.0,106,mg/dL,mg/dL,19141 +258547304,1063405,11550,7,O2 Sat (%),98.3,98.3,%,%,11561 +254119410,1063405,7748,3,MCV,89.5,89.5,fL,fL,7782 +254673918,1063405,-362,3,-monos,12.0,12,%,%,-274 +258708034,1063405,13965,7,pH,7.49,7.49,,,13969 +254316830,1063405,10920,3,WBC x 1000,11.1,11.1,K/mcL,10E3/mcL,11003 +252147749,1063405,3423,1,phosphate,6.9,6.9,mg/dL,mg/dL,3493 +255243002,1063405,16200,3,WBC x 1000,5.3,5.3,K/mcL,10E3/mcL,16245 +258605152,1063405,19735,7,Methemoglobin,0.1,0.1,%,%,19745 +254769858,1063405,11540,3,PT,25.7,25.7,sec,second(s),11625 +253086331,1063405,23405,1,BUN,63.0,63,mg/dL,mg/dL,23487 +254584061,1063405,20610,3,MCH,29.2,29.2,pg,pg,20635 +258471328,1063405,13965,7,Carboxyhemoglobin,1.5,1.5,%,%,13969 +258547307,1063405,11550,7,O2 Content,11.0,11,mls/dL,vol %,11561 +254087608,1063405,17790,3,fibrinogen,200.0,200,mg/dL,mg/dL,17861 +255188583,1063405,13380,3,MCH,28.6,28.6,pg,pg,13432 +258708028,1063405,13965,7,paO2,172.0,172,mm Hg,mmHg,13969 +251973162,1063405,19735,1,lactate,1.11,1.11,mmol/L,mmol/L,19745 +254612063,1063405,4879,3,MCV,89.3,89.3,fL,fL,4943 +254673916,1063405,-362,3,-eos,0.0,0,%,%,-274 +255723994,1063405,28363,4,bedside glucose,116.0,116,mg/dL,mg/dL,28363 +252663300,1063405,11540,1,chloride,99.0,99,mmol/L,mmol/L,11643 +252907202,1063405,16200,1,cortisol,9.8,9.8,mcg/dL,mcg/dL,16309 +255327950,1063405,11970,3,PT,19.2,19.2,sec,second(s),12030 +255783784,1063405,9677,4,bedside glucose,124.0,124,mg/dL,mg/dL,9677 +258573069,1063405,-80,7,Base Excess,-8.3,-8.3,mEq/L,mmol/L,-71 +254119419,1063405,7748,3,Hct,27.3,27.3,%,%,7782 +254584069,1063405,20610,3,RBC,3.15,3.15,M/mcL,10E6/mcL,20635 +258708029,1063405,13965,7,Base Excess,0.9,0.9,mEq/L,mmol/L,13969 +254461203,1063405,10920,3,PT,15.9,15.9,sec,second(s),11025 +254959457,1063405,6314,3,MCV,89.1,89.1,fL,fL,6362 +255243008,1063405,16200,3,RDW,15.5,15.5,%,%,16245 +255582308,1063405,25455,4,bedside glucose,143.0,143,mg/dL,mg/dL,25455 +253494530,1063405,80,1,ionized calcium,3.8,0.95,mg/dL,mmol/L,88 +253180692,1063405,24945,1,BUN,42.0,42,mg/dL,mg/dL,25009 +254673914,1063405,-362,3,-basos,1.0,1,%,%,-274 +255931076,1063405,13981,4,bedside glucose,101.0,101,mg/dL,mg/dL,13981 +258573070,1063405,-80,7,pH,7.22,7.22,,,-71 +254119415,1063405,7748,3,RBC,3.05,3.05,M/mcL,10E6/mcL,7782 +255243009,1063405,16200,3,Hct,24.0,24.0,%,%,16245 +258708026,1063405,13965,7,O2 Content,12.0,12,mls/dL,vol %,13969 +254316839,1063405,10920,3,platelets x 1000,145.0,145,K/mcL,10E3/mcL,11003 +254607518,1063405,3423,3,RDW,16.1,16.1,%,%,3471 +254641837,1063405,13425,3,Hgb,8.7,8.7,g/dL,gm/dL,13433 +255673890,1063405,3917,4,bedside glucose,113.0,113,mg/dL,mg/dL,3917 +252663299,1063405,11540,1,sodium,134.0,134,mmol/L,mmol/L,11643 +253086332,1063405,23405,1,calcium,7.4,7.4,mg/dL,mg/dL,23487 +255243007,1063405,16200,3,Hgb,8.1,8.1,g/dL,gm/dL,16245 +258640973,1063405,13625,7,FiO2,0.35,0.35,%,,13648 +258547303,1063405,11550,7,paO2,139.0,139,mm Hg,mmHg,11561 +253003496,1063405,11715,1,ionized calcium,4.96,1.24,mg/dL,mmol/L,11729 +254584070,1063405,20610,3,MPV,11.0,11.0,fL,fL,20635 +258347403,1063405,13965,7,Methemoglobin,0.0,0.0,%,%,13969 +258807274,1063405,12360,7,pH,7.42,7.42,,,12375 +255176322,1063405,9183,3,Hgb,7.1,7.1,g/dL,gm/dL,9208 +255243000,1063405,16200,3,MCV,86.0,86.0,fL,fL,16245 +258687310,1063405,12130,7,FiO2,0.35,0.35,%,,12151 +253926795,1063405,-49,3,Hgb,7.5,7.5,g/dL,gm/dL,-42 +253086333,1063405,23405,1,creatinine,4.75,4.75,mg/dL,mg/dL,23487 +254584062,1063405,20610,3,Hgb,9.2,9.2,g/dL,gm/dL,20635 +258708027,1063405,13965,7,Oxyhemoglobin,97.2,97.2,%,%,13969 +258573077,1063405,-80,7,HCO3,19.0,19.0,mmol/L,mmol/L,-71 +254119416,1063405,7748,3,MCHC,31.9,31.9,g/dL,gm/dL,7782 +255243006,1063405,16200,3,MCHC,33.8,33.8,g/dL,gm/dL,16245 +258671942,1063405,12130,7,Carboxyhemoglobin,1.2,1.2,%,%,12151 +254316838,1063405,10920,3,Hgb,10.0,10.0,g/dL,gm/dL,11003 +254612061,1063405,4879,3,MCHC,31.1,31.1,g/dL,gm/dL,4943 +254673915,1063405,-362,3,-lymphs,17.0,17,%,%,-274 +255506224,1063405,12504,4,bedside glucose,92.0,92,mg/dL,mg/dL,12504 +252663303,1063405,11540,1,AST (SGOT),10777.0,10777,Units/L,unit/L,11665 +253086330,1063405,23405,1,bicarbonate,20.0,20,mmol/L,mmol/L,23487 +255243003,1063405,16200,3,MCH,29.0,29.0,pg,pg,16245 +258500155,1063405,13625,7,Methemoglobin,0.9,0.9,%,%,13648 +258547299,1063405,11550,7,pH,7.21,7.21,,,11561 +253321285,1063405,15125,1,lactate,1.37,1.37,mmol/L,mmol/L,15140 +254584067,1063405,20610,3,RDW,16.7,16.7,%,%,20635 +255980046,1063405,22564,4,bedside glucose,151.0,151,mg/dL,mg/dL,22564 +258807271,1063405,12360,7,O2 Content,12.0,12,mls/dL,vol %,12375 +252033328,1063405,27925,1,chloride,97.0,97,mmol/L,mmol/L,28034 +255243004,1063405,16200,3,MPV,10.0,10.0,fL,fL,16245 +258786122,1063405,12130,7,Methemoglobin,0.4,0.4,%,%,12151 +253462986,1063405,-80,1,lactate,7.31,7.31,mmol/L,mmol/L,-71 +253180690,1063405,24945,1,glucose,113.0,113,mg/dL,mg/dL,25009 +254584063,1063405,20610,3,MCHC,33.1,33.1,g/dL,gm/dL,20635 +258708036,1063405,13965,7,paCO2,33.0,33,mm Hg,mmHg,13969 +258547301,1063405,11550,7,paCO2,32.0,32,mm Hg,mmHg,11561 +254119417,1063405,7748,3,Hgb,8.7,8.7,g/dL,gm/dL,7782 +255188584,1063405,13380,3,MPV,10.3,10.3,fL,fL,13432 +255461526,1063405,12171,4,bedside glucose,125.0,125,mg/dL,mg/dL,12171 +254316837,1063405,10920,3,RBC,3.45,3.45,M/mcL,10E6/mcL,11003 +254634061,1063405,27925,3,MPV,11.8,11.8,fL,fL,27989 +254584064,1063405,20610,3,Hct,27.8,27.8,%,%,20635 +255540716,1063405,12549,4,bedside glucose,94.0,94,mg/dL,mg/dL,12549 +252663294,1063405,11540,1,total bilirubin,1.5,1.5,mg/dL,mg/dL,11643 +253180689,1063405,24945,1,bicarbonate,25.0,25,mmol/L,mmol/L,25009 +255188585,1063405,13380,3,RBC,2.9,2.90,M/mcL,10E6/mcL,13432 +258489573,1063405,20795,7,Methemoglobin,0.2,0.2,%,%,20797 +258547300,1063405,11550,7,FiO2,0.4,0.40,%,,11561 +253040532,1063405,18840,1,lactate,1.28,1.28,mmol/L,mmol/L,18859 +254584065,1063405,20610,3,platelets x 1000,42.0,42,K/mcL,10E3/mcL,20635 +255852427,1063405,6729,4,bedside glucose,131.0,131,mg/dL,mg/dL,6729 +258807269,1063405,12360,7,FiO2,0.35,0.35,%,,12375 +254959459,1063405,6314,3,MCH,27.9,27.9,pg,pg,6362 +255188586,1063405,13380,3,MCHC,34.2,34.2,g/dL,gm/dL,13432 +255624920,1063405,26555,4,bedside glucose,114.0,114,mg/dL,mg/dL,26555 +258541770,1063405,11425,7,Carboxyhemoglobin,1.9,1.9,%,%,11425 +258825403,1063405,11615,7,O2 Sat (%),98.4,98.4,%,%,11630 +254584066,1063405,20610,3,MCV,88.3,88.3,fL,fL,20635 +258708031,1063405,13965,7,FiO2,0.35,0.35,%,,13969 +253885135,1063405,-74,3,Hgb,8.4,8.4,g/dL,gm/dL,-71 +254634062,1063405,27925,3,RBC,3.43,3.43,M/mcL,10E6/mcL,27989 +255188587,1063405,13380,3,Hgb,8.3,8.3,g/dL,gm/dL,13432 +258409758,1063405,13625,7,Carboxyhemoglobin,1.4,1.4,%,%,13648 +258541774,1063405,11425,7,O2 Sat (%),95.1,95.1,%,%,11425 +253720235,1063405,26450,3,Hgb,9.2,9.2,g/dL,gm/dL,26482 +254652907,1063405,-362,3,PT - INR,1.39,1.39,ratio,,-292 +255642017,1063405,18303,4,bedside glucose,169.0,169,mg/dL,mg/dL,18303 +258569296,1063405,-49,7,Methemoglobin,0.0,0.0,%,%,-42 +255176321,1063405,9183,3,MCHC,32.6,32.6,g/dL,gm/dL,9208 +255243005,1063405,16200,3,RBC,2.79,2.79,M/mcL,10E6/mcL,16245 +255654477,1063405,23748,4,bedside glucose,107.0,107,mg/dL,mg/dL,23748 +258541771,1063405,11425,7,Base Excess,-12.6,-12.6,mEq/L,mmol/L,11425 +258890603,1063405,80,7,HCO3,21.2,21.2,mmol/L,mmol/L,88 +254584068,1063405,20610,3,WBC x 1000,8.0,8.0,K/mcL,10E3/mcL,20635 +255892808,1063405,19776,4,bedside glucose,117.0,117,mg/dL,mg/dL,19776 +253602119,1063405,10428,1,phosphate,6.8,6.8,mg/dL,mg/dL,10502 +254634059,1063405,27925,3,WBC x 1000,5.5,5.5,K/mcL,10E3/mcL,27989 +254276418,1063405,10920,3,PTT,33.8,33.8,sec,second(s),11025 +253443377,1063405,23725,1,potassium,3.1,3.1,mmol/L,mmol/L,23757 +252997112,1063405,10428,1,magnesium,2.2,2.2,mg/dL,mg/dL,10502 +253720234,1063405,26450,3,MPV,11.7,11.7,fL,fL,26482 +258671092,1063405,20108,7,Methemoglobin,0.0,0.0,%,%,20145 +258708035,1063405,13965,7,HCO3,24.1,24.1,mmol/L,mmol/L,13969 +255594374,1063405,15940,4,bedside glucose,97.0,97,mg/dL,mg/dL,15940 +252262145,1063405,26450,1,sodium,132.0,132,mmol/L,mmol/L,26498 +258448204,1063405,16612,7,pH,7.49,7.49,,,16617 +255685300,1063405,15024,4,bedside glucose,111.0,111,mg/dL,mg/dL,15024 +255656941,1063405,-74,4,bedside glucose,85.0,85,mg/dL,mg/dL,-74 +258825404,1063405,11615,7,FiO2,0.4,0.40,%,,11630 +252663293,1063405,11540,1,creatinine,6.41,6.41,mg/dL,mg/dL,11643 +255622691,1063405,28415,4,bedside glucose,73.0,73,mg/dL,mg/dL,28415 +255591558,1063405,18796,4,bedside glucose,122.0,122,mg/dL,mg/dL,18796 +254634063,1063405,27925,3,MCHC,31.3,31.3,g/dL,gm/dL,27989 +258541767,1063405,11425,7,paCO2,33.0,33,mm Hg,mmHg,11425 +255922355,1063405,10752,4,bedside glucose,87.0,87,mg/dL,mg/dL,10752 +255533292,1063405,13024,4,bedside glucose,119.0,119,mg/dL,mg/dL,13024 +253618191,1063405,585,2,Vancomycin - random,35.1,35.1,mcg/mL,mcg/mL,639 +258387049,1063405,15125,7,Carboxyhemoglobin,0.2,0.2,%,%,15140 +255931413,1063405,24014,4,bedside glucose,164.0,164,mg/dL,mg/dL,24014 +251510899,1063405,11550,1,sodium,128.0,128,mmol/L,mmol/L,11561 +254959461,1063405,6314,3,MPV,9.8,9.8,fL,fL,6362 +258573078,1063405,-80,7,O2 Content,11.0,11,mls/dL,vol %,-71 +255674854,1063405,19392,4,bedside glucose,108.0,108,mg/dL,mg/dL,19392 +258606764,1063405,11354,7,HCO3,13.6,13.6,mmol/L,mmol/L,11354 +258890604,1063405,80,7,O2 Content,9.0,9,mls/dL,vol %,88 +258620839,1063405,11495,7,Methemoglobin,0.1,0.1,%,%,11509 +258708030,1063405,13965,7,O2 Sat (%),99.3,99.3,%,%,13969 +258229980,1063405,11386,7,Carboxyhemoglobin,2.4,2.4,%,%,11386 +254634058,1063405,27925,3,platelets x 1000,88.0,88,K/mcL,10E3/mcL,27989 +258448212,1063405,16612,7,O2 Content,12.0,12,mls/dL,vol %,16617 +258448513,1063405,20795,7,Carboxyhemoglobin,1.2,1.2,%,%,20797 +258229977,1063405,11386,7,O2 Sat (%),95.6,95.6,%,%,11386 +253720236,1063405,26450,3,MCHC,32.9,32.9,g/dL,gm/dL,26482 +258807270,1063405,12360,7,HCO3,23.2,23.2,mmol/L,mmol/L,12375 +255461507,1063405,26933,4,bedside glucose,133.0,133,mg/dL,mg/dL,26933 +258606769,1063405,11354,7,O2 Sat (%),96.0,96.0,%,%,11354 +255176318,1063405,9183,3,MCH,28.6,28.6,pg,pg,9208 +258597935,1063405,11495,7,O2 Sat (%),98.9,98.9,%,%,11509 +255531062,1063405,25191,4,bedside glucose,106.0,106,mg/dL,mg/dL,25191 +258606765,1063405,11354,7,pH,7.16,7.16,,,11354 +258890602,1063405,80,7,O2 Sat (%),94.1,94.1,%,%,88 +258448208,1063405,16612,7,paO2,174.0,174,mm Hg,mmHg,16617 +255955329,1063405,11143,4,bedside glucose,96.0,96,mg/dL,mg/dL,11143 +258407073,1063405,12790,7,Methemoglobin,0.5,0.5,%,%,12801 +254634060,1063405,27925,3,MCH,28.3,28.3,pg,pg,27989 +253527955,1063405,80,1,sodium,134.0,134,mmol/L,mmol/L,88 +255938202,1063405,20826,4,bedside glucose,126.0,126,mg/dL,mg/dL,20826 +258286123,1063405,18486,7,FiO2,0.4,0.40,%,,18497 +253618192,1063405,7748,2,Vancomycin - random,24.7,24.7,mcg/mL,mcg/mL,7832 +258597937,1063405,11495,7,HCO3,15.8,15.8,mmol/L,mmol/L,11509 +253363116,1063405,6314,1,magnesium,1.8,1.8,mg/dL,mg/dL,6383 +258229979,1063405,11386,7,paO2,489.0,489,mm Hg,mmHg,11386 +252078891,1063405,4879,1,magnesium,2.0,2.0,mg/dL,mg/dL,4967 +258261342,1063405,16612,7,Methemoglobin,0.2,0.2,%,%,16617 +253411707,1063405,22020,1,phosphate,2.5,2.5,mg/dL,mg/dL,22085 +258229975,1063405,11386,7,paCO2,33.0,33,mm Hg,mmHg,11386 +258871260,1063405,11615,7,Methemoglobin,0.4,0.4,%,%,11630 +258547302,1063405,11550,7,Oxyhemoglobin,97.5,97.5,%,%,11561 +255711729,1063405,22288,4,bedside glucose,137.0,137,mg/dL,mg/dL,22288 +258402161,1063405,12790,7,FiO2,0.35,0.35,%,,12801 +254607519,1063405,3423,3,WBC x 1000,4.5,4.5,K/mcL,10E3/mcL,3471 +255764761,1063405,18612,4,bedside glucose,113.0,113,mg/dL,mg/dL,18612 +258896256,1063405,19735,7,Carboxyhemoglobin,1.4,1.4,%,%,19745 +258286115,1063405,18486,7,paCO2,40.0,40,mm Hg,mmHg,18497 +253720230,1063405,26450,3,MCV,89.7,89.7,fL,fL,26482 +258448210,1063405,16612,7,FiO2,0.4,0.40,%,,16617 +253276794,1063405,14820,1,magnesium,2.1,2.1,mg/dL,mg/dL,14885 +258229978,1063405,11386,7,pH,7.22,7.22,,,11386 +254959462,1063405,6314,3,MCHC,31.3,31.3,g/dL,gm/dL,6362 +254316831,1063405,10920,3,RDW,15.2,15.2,%,%,11003 +253941803,1063405,23405,3,MCV,90.1,90.1,fL,fL,23454 +258448366,1063405,18486,7,Carboxyhemoglobin,1.4,1.4,%,%,18497 +258825397,1063405,11615,7,paCO2,34.0,34,mm Hg,mmHg,11630 +258541768,1063405,11425,7,HCO3,15.1,15.1,mmol/L,mmol/L,11425 +254039819,1063405,14820,3,MCHC,33.8,33.8,g/dL,gm/dL,14857 +258286119,1063405,18486,7,HCO3,19.6,19.6,mmol/L,mmol/L,18497 +254612062,1063405,4879,3,MPV,10.0,10.0,fL,fL,4943 +258758018,1063405,15125,7,pH,7.54,7.54,,,15140 +254039825,1063405,14820,3,WBC x 1000,4.2,4.2,K/mcL,10E3/mcL,14857 +255175857,1063405,15685,3,RBC,2.79,2.79,M/mcL,10E6/mcL,15711 +253720229,1063405,26450,3,WBC x 1000,5.8,5.8,K/mcL,10E3/mcL,26482 +252663295,1063405,11540,1,total protein,4.6,4.6,g/dL,gm/dL,11643 +253941802,1063405,23405,3,Hct,28.3,28.3,%,%,23454 +258229982,1063405,11386,7,Methemoglobin,2.5,2.5,%,%,11386 +255065798,1063405,17790,3,PT - INR,1.55,1.55,ratio,,17861 +255459112,1063405,17190,4,free T4,0.9,0.9,ng/dL,ng/dL,17270 +253941801,1063405,23405,3,RDW,16.7,16.7,%,%,23454 +255175858,1063405,15685,3,Hct,23.8,23.8,%,%,15711 +258825400,1063405,11615,7,paO2,140.0,140,mm Hg,mmHg,11630 +258448203,1063405,16612,7,Base Excess,-1.8,-1.8,mEq/L,mmol/L,16617 +253941797,1063405,23405,3,MPV,10.8,10.8,fL,fL,23454 +258286117,1063405,18486,7,paO2,46.0,46,mm Hg,mmHg,18497 +254612059,1063405,4879,3,platelets x 1000,100.0,100,K/mcL,10E3/mcL,4943 +258573072,1063405,-80,7,paCO2,48.0,48,mm Hg,mmHg,-71 +253941798,1063405,23405,3,RBC,3.14,3.14,M/mcL,10E6/mcL,23454 +255605641,1063405,19925,4,bedside glucose,110.0,110,mg/dL,mg/dL,19925 +253720231,1063405,26450,3,MCH,29.5,29.5,pg,pg,26482 +258966439,1063405,11495,7,Carboxyhemoglobin,1.3,1.3,%,%,11509 +253941799,1063405,23405,3,MCHC,32.2,32.2,g/dL,gm/dL,23454 +258286121,1063405,18486,7,Base Excess,-6.1,-6.1,mEq/L,mmol/L,18497 +252262138,1063405,26450,1,potassium,3.1,3.1,mmol/L,mmol/L,26498 +258758017,1063405,15125,7,Base Excess,1.7,1.7,mEq/L,mmol/L,15140 +254039817,1063405,14820,3,MPV,10.6,10.6,fL,fL,14857 +255175856,1063405,15685,3,MCHC,34.0,34.0,g/dL,gm/dL,15711 +258825407,1063405,11615,7,Base Excess,-12.1,-12.1,mEq/L,mmol/L,11630 +258807267,1063405,12360,7,paO2,168.0,168,mm Hg,mmHg,12375 +254039818,1063405,14820,3,RBC,2.53,2.53,M/mcL,10E6/mcL,14857 +258229981,1063405,11386,7,Base Excess,-13.1,-13.1,mEq/L,mmol/L,11386 +254634055,1063405,27925,3,RDW,17.9,17.9,%,%,27989 +255463860,1063405,12908,4,bedside glucose,113.0,113,mg/dL,mg/dL,12908 +253941796,1063405,23405,3,MCH,29.0,29.0,pg,pg,23454 +255367590,1063405,11354,3,Hgb,9.5,9.5,g/dL,gm/dL,11354 +253720227,1063405,26450,3,Hct,28.0,28.0,%,%,26482 +258448206,1063405,16612,7,paCO2,28.0,28,mm Hg,mmHg,16617 +254039816,1063405,14820,3,MCH,28.9,28.9,pg,pg,14857 +258286120,1063405,18486,7,pH,7.31,7.31,,,18497 +254959463,1063405,6314,3,Hgb,7.7,7.7,g/dL,gm/dL,6362 +252874475,1063405,11550,1,lactate,7.21,7.21,mmol/L,mmol/L,11561 +253941794,1063405,23405,3,platelets x 1000,60.0,60,K/mcL,10E3/mcL,23454 +255175855,1063405,15685,3,WBC x 1000,4.4,4.4,K/mcL,10E3/mcL,15711 +258890597,1063405,80,7,pH,7.41,7.41,,,88 +258597931,1063405,11495,7,paCO2,44.0,44,mm Hg,mmHg,11509 +254039823,1063405,14820,3,MCV,85.4,85.4,fL,fL,14857 +258286122,1063405,18486,7,O2 Sat (%),78.6,78.6,%,%,18497 +254634054,1063405,27925,3,Hgb,9.7,9.7,g/dL,gm/dL,27989 +258758012,1063405,15125,7,O2 Sat (%),99.5,99.5,%,%,15140 +254039821,1063405,14820,3,RDW,15.5,15.5,%,%,14857 +255570842,1063405,14278,4,bedside glucose,97.0,97,mg/dL,mg/dL,14278 +258373282,1063405,12360,7,Carboxyhemoglobin,1.1,1.1,%,%,12375 +258506906,1063405,80,7,Carboxyhemoglobin,1.7,1.7,%,%,88 +254039822,1063405,14820,3,Hct,21.6,21.6,%,%,14857 +258714211,1063405,12790,7,Carboxyhemoglobin,1.5,1.5,%,%,12801 +255231844,1063405,4879,3,PT - INR,1.11,1.11,ratio,,5009 +255629098,1063405,18674,4,bedside glucose,107.0,107,mg/dL,mg/dL,18674 +253941800,1063405,23405,3,Hgb,9.1,9.1,g/dL,gm/dL,23454 +255175859,1063405,15685,3,MPV,10.2,10.2,fL,fL,15711 +258890599,1063405,80,7,paCO2,34.0,34,mm Hg,mmHg,88 +258537965,1063405,15126,7,Carboxyhemoglobin,1.5,1.5,%,%,15140 +253941795,1063405,23405,3,WBC x 1000,8.2,8.2,K/mcL,10E3/mcL,23454 +258229976,1063405,11386,7,HCO3,14.7,14.7,mmol/L,mmol/L,11386 +254634056,1063405,27925,3,Hct,31.0,31.0,%,%,27989 +254316835,1063405,10920,3,MCHC,33.1,33.1,g/dL,gm/dL,11003 +253953621,1063405,360,3,MPV,10.3,10.3,fL,fL,391 +255175864,1063405,15685,3,MCH,29.0,29.0,pg,pg,15711 +253720228,1063405,26450,3,RDW,17.3,17.3,%,%,26482 +258541769,1063405,11425,7,pH,7.23,7.23,,,11425 +253953619,1063405,360,3,RDW,16.3,16.3,%,%,391 +258286113,1063405,18486,7,O2 Content,10.0,10,mls/dL,vol %,18497 +251843269,1063405,17799,1,sodium,132.0,132,mmol/L,mmol/L,17803 +258758013,1063405,15125,7,FiO2,0.4,0.40,%,,15140 +252244889,1063405,10428,1,BUN,44.0,44,mg/dL,mg/dL,10504 +255593286,1063405,20013,4,bedside glucose,125.0,125,mg/dL,mg/dL,20013 +258825406,1063405,11615,7,Oxyhemoglobin,97.2,97.2,%,%,11630 +252663290,1063405,11540,1,ALT (SGPT),1632.0,1632,Units/L,unit/L,11641 +253953620,1063405,360,3,RBC,2.22,2.22,M/mcL,10E6/mcL,391 +258606766,1063405,11354,7,paO2,346.0,346,mm Hg,mmHg,11354 +254607525,1063405,3423,3,MCHC,31.6,31.6,g/dL,gm/dL,3471 +255665839,1063405,20099,4,bedside glucose,131.0,131,mg/dL,mg/dL,20099 +252346819,1063405,11825,1,glucose,175.0,175,mg/dL,mg/dL,11833 +255175863,1063405,15685,3,platelets x 1000,60.0,60,K/mcL,10E3/mcL,15711 +255519575,1063405,12445,4,bedside glucose,91.0,91,mg/dL,mg/dL,12445 +255976744,1063405,12241,4,bedside glucose,128.0,128,mg/dL,mg/dL,12241 +253953622,1063405,360,3,Hgb,6.2,6.2,g/dL,gm/dL,391 +258286116,1063405,18486,7,Oxyhemoglobin,79.6,79.6,%,%,18497 +254881403,1063405,580,3,Hgb,7.8,7.8,g/dL,gm/dL,590 +258573075,1063405,-80,7,O2 Sat (%),95.9,95.9,%,%,-71 +252244887,1063405,10428,1,bicarbonate,19.0,19,mmol/L,mmol/L,10504 +255643600,1063405,18502,4,bedside glucose,136.0,136,mg/dL,mg/dL,18502 +258890600,1063405,80,7,Oxyhemoglobin,88.9,88.9,%,%,88 +258541773,1063405,11425,7,Methemoglobin,2.7,2.7,%,%,11425 +253953623,1063405,360,3,MCH,27.9,27.9,pg,pg,391 +252564723,1063405,12360,1,ionized calcium,4.92,1.23,mg/dL,mmol/L,12375 +254607522,1063405,3423,3,RBC,2.61,2.61,M/mcL,10E6/mcL,3471 +258758011,1063405,15125,7,paO2,193.0,193,mm Hg,mmHg,15140 +252244888,1063405,10428,1,sodium,129.0,129,mmol/L,mmol/L,10504 +255424416,1063405,18486,3,Hgb,9.2,9.2,g/dL,gm/dL,18497 +253720232,1063405,26450,3,platelets x 1000,70.0,70,K/mcL,10E3/mcL,26482 +258807268,1063405,12360,7,O2 Sat (%),99.2,99.2,%,%,12375 +253953618,1063405,360,3,Hct,19.5,19.5,%,%,391 +252500206,1063405,25391,1,glucose,162.0,162,mg/dL,mg/dL,25437 +255231843,1063405,4879,3,PT,11.7,11.7,sec,second(s),5009 +255453101,1063405,24422,4,bedside glucose,117.0,117,mg/dL,mg/dL,24422 +252244886,1063405,10428,1,calcium,7.4,7.4,mg/dL,mg/dL,10504 +258606768,1063405,11354,7,Base Excess,-14.5,-14.5,mEq/L,mmol/L,11354 +258978678,1063405,80,7,Methemoglobin,0.2,0.2,%,%,88 +258448207,1063405,16612,7,Oxyhemoglobin,98.3,98.3,%,%,16617 +253953616,1063405,360,3,platelets x 1000,137.0,137,K/mcL,10E3/mcL,391 +252500200,1063405,25391,1,anion gap,9.0,9,,mmol/L,25437 +254607523,1063405,3423,3,MCH,28.4,28.4,pg,pg,3471 +254565419,1063405,-80,3,Hgb,8.6,8.6,g/dL,gm/dL,-71 +252244881,1063405,10428,1,potassium,5.0,5.0,mmol/L,mmol/L,10504 +255846894,1063405,12791,4,bedside glucose,107.0,107,mg/dL,mg/dL,12791 +255472054,1063405,8156,4,bedside glucose,183.0,183,mg/dL,mg/dL,8156 +258597928,1063405,11495,7,pH,7.18,7.18,,,11509 +253953624,1063405,360,3,MCV,87.8,87.8,fL,fL,391 +252500199,1063405,25391,1,chloride,98.0,98,mmol/L,mmol/L,25437 +252262139,1063405,26450,1,glucose,100.0,100,mg/dL,mg/dL,26498 +258758010,1063405,15125,7,Oxyhemoglobin,98.8,98.8,%,%,15140 +252244882,1063405,10428,1,creatinine,8.64,8.64,mg/dL,mg/dL,10504 +255175861,1063405,15685,3,MCV,85.3,85.3,fL,fL,15711 +258825405,1063405,11615,7,HCO3,14.2,14.2,mmol/L,mmol/L,11630 +258547309,1063405,11550,7,Base Excess,-14.1,-14.1,mEq/L,mmol/L,11561 +253953617,1063405,360,3,WBC x 1000,4.9,4.9,K/mcL,10E3/mcL,391 +252500201,1063405,25391,1,sodium,133.0,133,mmol/L,mmol/L,25437 +254607521,1063405,3423,3,MCV,89.7,89.7,fL,fL,3471 +255521070,1063405,7091,4,bedside glucose,121.0,121,mg/dL,mg/dL,7091 +252244883,1063405,10428,1,chloride,90.0,90,mmol/L,mmol/L,10504 +258606767,1063405,11354,7,Carboxyhemoglobin,2.5,2.5,%,%,11354 +253720233,1063405,26450,3,RBC,3.12,3.12,M/mcL,10E6/mcL,26482 +258545676,1063405,16612,7,Carboxyhemoglobin,0.9,0.9,%,%,16617 +254039820,1063405,14820,3,Hgb,7.3,7.3,g/dL,gm/dL,14857 +252500202,1063405,25391,1,potassium,3.0,3.0,mmol/L,mmol/L,25437 +254959465,1063405,6314,3,platelets x 1000,122.0,122,K/mcL,10E3/mcL,6362 +254316836,1063405,10920,3,Hct,30.2,30.2,%,%,11003 +254840090,1063405,20795,3,Hgb,9.6,9.6,g/dL,gm/dL,20797 +255856880,1063405,21477,4,bedside glucose,123.0,123,mg/dL,mg/dL,21477 +258890606,1063405,80,7,Base Excess,-3.2,-3.2,mEq/L,mmol/L,88 +258597929,1063405,11495,7,Base Excess,-11.7,-11.7,mEq/L,mmol/L,11509 +252244884,1063405,10428,1,glucose,141.0,141,mg/dL,mg/dL,10504 +252500203,1063405,25391,1,creatinine,4.55,4.55,mg/dL,mg/dL,25437 +254612060,1063405,4879,3,Hct,24.1,24.1,%,%,4943 +258758014,1063405,15125,7,HCO3,23.7,23.7,mmol/L,mmol/L,15140 +254039824,1063405,14820,3,platelets x 1000,79.0,79,K/mcL,10E3/mcL,14857 +255175862,1063405,15685,3,RDW,15.0,15.0,%,%,15711 +258361495,1063405,12360,7,Methemoglobin,0.4,0.4,%,%,12375 +252663291,1063405,11540,1,BUN,31.0,31,mg/dL,mg/dL,11643 +254846337,1063405,12130,3,Hgb,8.6,8.6,g/dL,gm/dL,12151 +258910518,1063405,11715,7,Base Excess,-9.3,-9.3,mEq/L,mmol/L,11729 +255065799,1063405,17790,3,PT,16.3,16.3,sec,second(s),17861 +255622179,1063405,22935,4,bedside glucose,211.0,211,mg/dL,mg/dL,22935 +252244885,1063405,10428,1,anion gap,20.0,20,,mmol/L,10504 +252431795,1063405,12435,1,phosphate,3.6,3.6,mg/dL,mg/dL,12522 +258825401,1063405,11615,7,O2 Content,9.0,9,mls/dL,vol %,11630 +258448209,1063405,16612,7,O2 Sat (%),99.3,99.3,%,%,16617 +253953625,1063405,360,3,MCHC,31.8,31.8,g/dL,gm/dL,391 +258910512,1063405,11715,7,paO2,151.0,151,mm Hg,mmHg,11729 +254634057,1063405,27925,3,MCV,90.4,90.4,fL,fL,27989 +258573074,1063405,-80,7,paO2,96.0,96,mm Hg,mmHg,-71 +254734695,1063405,13625,3,Hgb,8.5,8.5,g/dL,gm/dL,13648 +258606770,1063405,11354,7,Methemoglobin,2.1,2.1,%,%,11354 +253564920,1063405,7748,1,glucose,113.0,113,mg/dL,mg/dL,7814 +254896631,1063405,13965,3,Hgb,8.2,8.2,g/dL,gm/dL,13969 +254179416,1063405,22020,3,platelets x 1000,44.0,44,K/mcL,10E3/mcL,22063 +258910513,1063405,11715,7,O2 Sat (%),98.7,98.7,%,%,11729 +252033329,1063405,27925,1,bicarbonate,26.0,26,mmol/L,mmol/L,28034 +258758015,1063405,15125,7,O2 Content,14.0,14,mls/dL,vol %,15140 +254293725,1063405,24945,3,MCHC,32.7,32.7,g/dL,gm/dL,24987 +252500198,1063405,25391,1,BUN,48.0,48,mg/dL,mg/dL,25437 +258651031,1063405,13030,7,Methemoglobin,0.5,0.5,%,%,13046 +258807273,1063405,12360,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,12375 +254179417,1063405,22020,3,Hgb,8.7,8.7,g/dL,gm/dL,22063 +258910519,1063405,11715,7,pH,7.29,7.29,,,11729 +254607524,1063405,3423,3,platelets x 1000,122.0,122,K/mcL,10E3/mcL,3471 +258597933,1063405,11495,7,paO2,181.0,181,mm Hg,mmHg,11509 +254179418,1063405,22020,3,MCH,29.3,29.3,pg,pg,22063 +255802696,1063405,8425,4,CRP-hs,184.16,184.16,mg/L,mg/L,8626 +255504627,1063405,851,4,bedside glucose,94.0,94,mg/dL,mg/dL,851 +255909180,1063405,20995,4,bedside glucose,123.0,123,mg/dL,mg/dL,20995 +254179419,1063405,22020,3,MPV,11.2,11.2,fL,fL,22063 +258910515,1063405,11715,7,HCO3,16.5,16.5,mmol/L,mmol/L,11729 +254880271,1063405,26450,3,PT,12.0,12.0,sec,second(s),26526 +253065983,1063405,-80,1,ionized calcium,3.92,0.98,mg/dL,mmol/L,-71 +254179420,1063405,22020,3,MCHC,32.5,32.5,g/dL,gm/dL,22063 +252500204,1063405,25391,1,bicarbonate,26.0,26,mmol/L,mmol/L,25437 +258890601,1063405,80,7,paO2,69.0,69,mm Hg,mmHg,88 +258232088,1063405,20108,7,Carboxyhemoglobin,1.6,1.6,%,%,20145 +254293719,1063405,24945,3,MCH,29.0,29.0,pg,pg,24987 +258910516,1063405,11715,7,O2 Content,9.0,9,mls/dL,vol %,11729 +254607520,1063405,3423,3,Hct,23.4,23.4,%,%,3471 +258758009,1063405,15125,7,paCO2,28.0,28,mm Hg,mmHg,15140 +254293720,1063405,24945,3,RBC,3.41,3.41,M/mcL,10E6/mcL,24987 +255175860,1063405,15685,3,Hgb,8.1,8.1,g/dL,gm/dL,15711 +258697879,1063405,11715,7,Carboxyhemoglobin,0.9,0.9,%,%,11729 +258540638,1063405,-80,7,Carboxyhemoglobin,1.2,1.2,%,%,-71 +254179415,1063405,22020,3,MCV,90.2,90.2,fL,fL,22063 +258910511,1063405,11715,7,Oxyhemoglobin,97.7,97.7,%,%,11729 +254235715,1063405,17790,3,Hct,23.6,23.6,%,%,17817 +258597934,1063405,11495,7,Oxyhemoglobin,97.4,97.4,%,%,11509 +254179421,1063405,22020,3,RDW,17.0,17.0,%,%,22063 +252500205,1063405,25391,1,calcium,7.3,7.3,mg/dL,mg/dL,25437 +253564919,1063405,7748,1,chloride,92.0,92,mmol/L,mmol/L,7814 +258448211,1063405,16612,7,HCO3,21.0,21.0,mmol/L,mmol/L,16617 +254408067,1063405,19140,3,WBC x 1000,11.7,11.7,K/mcL,10E3/mcL,19189 +258910514,1063405,11715,7,FiO2,0.4,0.40,%,,11729 +254235716,1063405,17790,3,MCV,89.4,89.4,fL,fL,17817 +254316833,1063405,10920,3,MCH,29.0,29.0,pg,pg,11003 +254408066,1063405,19140,3,platelets x 1000,42.0,42,K/mcL,10E3/mcL,19189 +258606771,1063405,11354,7,paCO2,37.0,37,mm Hg,mmHg,11354 +258752696,1063405,-74,7,Carboxyhemoglobin,1.0,1.0,%,%,-71 +255884604,1063405,4225,4,bedside glucose,110.0,110,mg/dL,mg/dL,4225 +254179422,1063405,22020,3,WBC x 1000,8.6,8.6,K/mcL,10E3/mcL,22063 +258772792,1063405,11825,7,paCO2,38.0,38,mm Hg,mmHg,11833 +254235710,1063405,17790,3,MPV,10.4,10.4,fL,fL,17817 +255745679,1063405,19516,4,bedside glucose,109.0,109,mg/dL,mg/dL,19516 +254408068,1063405,19140,3,MCH,29.2,29.2,pg,pg,19189 +258772783,1063405,11825,7,pH,7.25,7.25,,,11833 +258660687,1063405,18840,7,Methemoglobin,0.2,0.2,%,%,18859 +252663289,1063405,11540,1,anion gap,19.0,19,,mmol/L,11641 +254293716,1063405,24945,3,MCV,88.9,88.9,fL,fL,24987 +258772790,1063405,11825,7,paO2,150.0,150,mm Hg,mmHg,11833 +254235712,1063405,17790,3,MCHC,32.2,32.2,g/dL,gm/dL,17817 +258597930,1063405,11495,7,FiO2,0.7,0.70,%,,11509 +254408075,1063405,19140,3,MCV,88.3,88.3,fL,fL,19189 +258772789,1063405,11825,7,Oxyhemoglobin,96.7,96.7,%,%,11833 +255138694,1063405,12360,3,Hgb,8.1,8.1,g/dL,gm/dL,12375 +258971235,1063405,15125,7,Methemoglobin,0.1,0.1,%,%,15140 +254293721,1063405,24945,3,platelets x 1000,64.0,64,K/mcL,10E3/mcL,24987 +258772788,1063405,11825,7,Base Excess,-9.9,-9.9,mEq/L,mmol/L,11833 +254235713,1063405,17790,3,Hgb,7.6,7.6,g/dL,gm/dL,17817 +258573073,1063405,-80,7,Oxyhemoglobin,92.7,92.7,%,%,-71 +254179423,1063405,22020,3,Hct,26.8,26.8,%,%,22063 +258745026,1063405,19044,7,Carboxyhemoglobin,1.5,1.5,%,%,19048 +258825402,1063405,11615,7,pH,7.24,7.24,,,11630 +255897378,1063405,25845,4,bedside glucose,120.0,120,mg/dL,mg/dL,25845 +254293717,1063405,24945,3,RDW,16.8,16.8,%,%,24987 +258727143,1063405,11825,7,Methemoglobin,0.1,0.1,%,%,11833 +254235711,1063405,17790,3,RBC,2.64,2.64,M/mcL,10E6/mcL,17817 +255884695,1063405,12352,4,bedside glucose,102.0,102,mg/dL,mg/dL,12352 +254293718,1063405,24945,3,WBC x 1000,7.5,7.5,K/mcL,10E3/mcL,24987 +258772786,1063405,11825,7,HCO3,16.5,16.5,mmol/L,mmol/L,11833 +258639886,1063405,11715,7,paCO2,35.0,35,mm Hg,mmHg,11729 +258807265,1063405,12360,7,paCO2,36.0,36,mm Hg,mmHg,12375 +254293724,1063405,24945,3,Hct,30.3,30.3,%,%,24987 +258772784,1063405,11825,7,O2 Content,12.0,12,mls/dL,vol %,11833 +254235717,1063405,17790,3,platelets x 1000,61.0,61,K/mcL,10E3/mcL,17817 +258597927,1063405,11495,7,O2 Content,11.0,11,mls/dL,vol %,11509 +254408070,1063405,19140,3,RBC,3.15,3.15,M/mcL,10E6/mcL,19189 +258772785,1063405,11825,7,FiO2,0.4,0.40,%,,11833 +253564921,1063405,7748,1,calcium,6.9,6.9,mg/dL,mg/dL,7814 +252547716,1063405,13965,1,potassium,3.9,3.9,mmol/L,mmol/L,13969 +254408071,1063405,19140,3,MCHC,33.1,33.1,g/dL,gm/dL,19189 +251601804,1063405,11825,1,sodium,132.0,132,mmol/L,mmol/L,11833 +254235714,1063405,17790,3,RDW,16.5,16.5,%,%,17817 +253618190,1063405,3743,2,Vancomycin - random,20.3,20.3,mcg/mL,mcg/mL,3812 +254408072,1063405,19140,3,Hgb,9.2,9.2,g/dL,gm/dL,19189 +251421206,1063405,11825,1,potassium,5.2,5.2,mmol/L,mmol/L,11833 +258675810,1063405,-80,7,Methemoglobin,0.1,0.1,%,%,-71 +255936025,1063405,8523,4,bedside glucose,105.0,105,mg/dL,mg/dL,8523 +254293723,1063405,24945,3,MPV,11.5,11.5,fL,fL,24987 +258772782,1063405,11825,7,O2 Sat (%),98.6,98.6,%,%,11833 +254235718,1063405,17790,3,WBC x 1000,8.7,8.7,K/mcL,10E3/mcL,17817 +258312414,1063405,15126,7,Methemoglobin,0.3,0.3,%,%,15140 +254408073,1063405,19140,3,RDW,16.4,16.4,%,%,19189 +251620915,1063405,11825,1,lactate,6.9,6.90,mmol/L,mmol/L,11833 +251635371,1063405,11715,1,potassium,5.4,5.4,mmol/L,mmol/L,11729 +258240570,1063405,-49,7,Carboxyhemoglobin,1.2,1.2,%,%,-42 +254408069,1063405,19140,3,MPV,11.1,11.1,fL,fL,19189 +251501414,1063405,11825,1,ionized calcium,5.0,1.25,mg/dL,mmol/L,11833 +254211152,1063405,17799,3,Hgb,8.2,8.2,g/dL,gm/dL,17803 +258541772,1063405,11425,7,paO2,428.0,428,mm Hg,mmHg,11425 +254408074,1063405,19140,3,Hct,27.8,27.8,%,%,19189 +258839567,1063405,11825,7,Carboxyhemoglobin,1.6,1.6,%,%,11833 +255888870,1063405,19670,4,bedside glucose,107.0,107,mg/dL,mg/dL,19670 +252732824,1063405,13965,1,sodium,134.0,134,mmol/L,mmol/L,13969 +254293722,1063405,24945,3,Hgb,9.9,9.9,g/dL,gm/dL,24987 +253991784,1063405,11835,3,Hgb,8.5,8.5,g/dL,gm/dL,11852 +254235719,1063405,17790,3,MCH,28.8,28.8,pg,pg,17817 +258440349,1063405,13030,7,Carboxyhemoglobin,1.7,1.7,%,%,13046 +254179424,1063405,22020,3,RBC,2.97,2.97,M/mcL,10E6/mcL,22063 +258425884,1063405,17799,7,paO2,177.0,177,mm Hg,mmHg,17803 +253191873,1063405,17790,1,potassium,5.2,5.2,mmol/L,mmol/L,17829 +252275105,1063405,13625,1,lactate,1.87,1.87,mmol/L,mmol/L,13648 +253191874,1063405,17790,1,chloride,106.0,106,mmol/L,mmol/L,17829 +258623872,1063405,580,7,Carboxyhemoglobin,1.6,1.6,%,%,590 +253191876,1063405,17790,1,bicarbonate,18.0,18,mmol/L,mmol/L,17829 +255844920,1063405,5137,4,bedside glucose,106.0,106,mg/dL,mg/dL,5137 +253056584,1063405,6314,1,chloride,95.0,95,mmol/L,mmol/L,6383 +258425886,1063405,17799,7,pH,7.32,7.32,,,17803 +253191871,1063405,17790,1,anion gap,10.0,10,,mmol/L,17829 +258309933,1063405,-49,7,Base Excess,-8.8,-8.8,mEq/L,mmol/L,-42 +253191872,1063405,17790,1,calcium,7.8,7.8,mg/dL,mg/dL,17829 +258425881,1063405,17799,7,FiO2,0.4,0.40,%,,17803 +253191875,1063405,17790,1,BUN,26.0,26,mg/dL,mg/dL,17829 +255788096,1063405,17190,4,TSH,0.94,0.94,mcU/ml,mcIU/mL,17270 +253191877,1063405,17790,1,creatinine,5.29,5.29,mg/dL,mg/dL,17829 +258519798,1063405,17799,7,Carboxyhemoglobin,1.2,1.2,%,%,17803 +253191870,1063405,17790,1,sodium,134.0,134,mmol/L,mmol/L,17829 +252857144,1063405,12360,1,glucose,99.0,99,mg/dL,mg/dL,12375 +253191878,1063405,17790,1,glucose,145.0,145,mg/dL,mg/dL,17829 +258701851,1063405,580,7,Oxyhemoglobin,96.9,96.9,%,%,590 +253191880,1063405,17790,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,17839 +254316834,1063405,10920,3,MPV,11.0,11.0,fL,fL,11003 +253056586,1063405,6314,1,glucose,127.0,127,mg/dL,mg/dL,6383 +258425891,1063405,17799,7,Oxyhemoglobin,97.8,97.8,%,%,17803 +253191883,1063405,17790,1,total protein,6.0,6.0,g/dL,gm/dL,17839 +252828803,1063405,13965,1,lactate,1.59,1.59,mmol/L,mmol/L,13969 +253191884,1063405,17790,1,AST (SGOT),422.0,422,Units/L,unit/L,17839 +258701856,1063405,580,7,HCO3,23.3,23.3,mmol/L,mmol/L,590 +253056591,1063405,6314,1,creatinine,5.74,5.74,mg/dL,mg/dL,6383 +258697797,1063405,15126,7,FiO2,0.4,0.40,%,,15140 +253191881,1063405,17790,1,alkaline phos.,150.0,150,Units/L,unit/L,17839 +258701857,1063405,580,7,O2 Content,11.0,11,mls/dL,vol %,590 +253191882,1063405,17790,1,ALT (SGPT),8.0,8,Units/L,unit/L,17839 +258281109,1063405,-74,7,Methemoglobin,0.1,0.1,%,%,-71 +253056589,1063405,6314,1,BUN,20.0,20,mg/dL,mg/dL,6383 +258701854,1063405,580,7,O2 Sat (%),98.7,98.7,%,%,590 +253056590,1063405,6314,1,sodium,130.0,130,mmol/L,mmol/L,6383 +254234220,1063405,19735,3,Hgb,9.9,9.9,g/dL,gm/dL,19745 +253108256,1063405,7748,1,BUN,29.0,29,mg/dL,mg/dL,7814 +258701859,1063405,580,7,Base Excess,-0.7,-0.7,mEq/L,mmol/L,590 +253056585,1063405,6314,1,bicarbonate,27.0,27,mmol/L,mmol/L,6383 +252446300,1063405,13965,1,ionized calcium,4.4,1.10,mg/dL,mmol/L,13969 +253056587,1063405,6314,1,anion gap,8.0,8,,mmol/L,6383 +258701852,1063405,580,7,FiO2,0.4,0.40,%,,590 +253108257,1063405,7748,1,potassium,4.1,4.1,mmol/L,mmol/L,7814 +252673763,1063405,-49,1,glucose,95.0,95,mg/dL,mg/dL,-42 +253108252,1063405,7748,1,bicarbonate,25.0,25,mmol/L,mmol/L,7814 +258701850,1063405,580,7,paCO2,35.0,35,mm Hg,mmHg,590 +253191879,1063405,17790,1,albumin,2.0,2.0,g/dL,gm/dL,17839 +252325204,1063405,360,1,calcium,7.2,7.2,mg/dL,mg/dL,413 +253108255,1063405,7748,1,sodium,127.0,127,mmol/L,mmol/L,7814 +255365775,1063405,9183,3,platelets x 1000,185.0,185,K/mcL,10E3/mcL,9208 +253108253,1063405,7748,1,creatinine,7.97,7.97,mg/dL,mg/dL,7814 +258361093,1063405,11550,7,Carboxyhemoglobin,0.4,0.4,%,%,11561 +253056588,1063405,6314,1,calcium,7.1,7.1,mg/dL,mg/dL,6383 +258425889,1063405,17799,7,HCO3,18.8,18.8,mmol/L,mmol/L,17803 +253108254,1063405,7748,1,anion gap,10.0,10,,mmol/L,7814 +252374650,1063405,24945,1,magnesium,1.7,1.7,mg/dL,mg/dL,25007 +253231439,1063405,17790,1,magnesium,2.2,2.2,mg/dL,mg/dL,17839 +255365771,1063405,9183,3,RDW,15.8,15.8,%,%,9208 +253056592,1063405,6314,1,potassium,3.7,3.7,mmol/L,mmol/L,6383 +258615142,1063405,11550,7,Methemoglobin,0.4,0.4,%,%,11561 +252339078,1063405,11550,1,glucose,92.0,92,mg/dL,mg/dL,11561 +258701853,1063405,580,7,paO2,129.0,129,mm Hg,mmHg,590 +251758669,1063405,2205,1,bicarbonate,23.0,23,mmol/L,mmol/L,2276 +252325205,1063405,360,1,potassium,4.7,4.7,mmol/L,mmol/L,413 +251758660,1063405,2205,1,creatinine,10.64,10.64,mg/dL,mg/dL,2276 +252189255,1063405,18470,1,glucose,151.0,151,mg/dL,mg/dL,18528 +251758668,1063405,2205,1,ALT (SGPT),29.0,29,Units/L,unit/L,2276 +258293142,1063405,-74,7,FiO2,1.0,1.00,%,,-71 +251758666,1063405,2205,1,chloride,95.0,95,mmol/L,mmol/L,2276 +255365772,1063405,9183,3,Hct,21.8,21.8,%,%,9208 +251758665,1063405,2205,1,alkaline phos.,119.0,119,Units/L,unit/L,2276 +252524531,1063405,14820,1,ALT (SGPT),338.0,338,Units/L,unit/L,14885 +251758659,1063405,2205,1,sodium,133.0,133,mmol/L,mmol/L,2276 +252189253,1063405,18470,1,potassium,4.4,4.4,mmol/L,mmol/L,18528 +251758658,1063405,2205,1,calcium,7.6,7.6,mg/dL,mg/dL,2276 +258807266,1063405,12360,7,Oxyhemoglobin,97.2,97.2,%,%,12375 +251758661,1063405,2205,1,total protein,7.1,7.1,g/dL,gm/dL,2276 +258425882,1063405,17799,7,Base Excess,-6.7,-6.7,mEq/L,mmol/L,17803 +251758656,1063405,2205,1,AST (SGOT),712.0,712,Units/L,unit/L,2276 +252403883,1063405,11970,1,lactate,6.32,6.32,mmol/L,mmol/L,11991 +251722256,1063405,15125,1,potassium,3.6,3.6,mmol/L,mmol/L,15140 +252189256,1063405,18470,1,chloride,105.0,105,mmol/L,mmol/L,18528 +251758657,1063405,2205,1,BUN,52.0,52,mg/dL,mg/dL,2276 +258349959,1063405,13030,7,FiO2,0.35,0.35,%,,13046 +251758662,1063405,2205,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,2276 +255365773,1063405,9183,3,WBC x 1000,8.4,8.4,K/mcL,10E3/mcL,9208 +251758663,1063405,2205,1,potassium,4.7,4.7,mmol/L,mmol/L,2276 +252492467,1063405,14820,1,phosphate,2.0,2.0,mg/dL,mg/dL,14885 +252673998,1063405,16612,1,sodium,136.0,136,mmol/L,mmol/L,16617 +252189254,1063405,18470,1,bicarbonate,19.0,19,mmol/L,mmol/L,18528 +251758667,1063405,2205,1,anion gap,15.0,15,,mmol/L,2276 +254503773,1063405,11550,3,Hgb,7.5,7.5,g/dL,gm/dL,11561 +252704102,1063405,16612,1,glucose,95.0,95,mg/dL,mg/dL,16617 +258425890,1063405,17799,7,paCO2,37.0,37,mm Hg,mmHg,17803 +252401605,1063405,16612,1,lactate,1.16,1.16,mmol/L,mmol/L,16617 +252325207,1063405,360,1,total bilirubin,0.9,0.9,mg/dL,mg/dL,413 +254539152,1063405,2205,3,platelets x 1000,142.0,142,K/mcL,10E3/mcL,2260 +252189259,1063405,18470,1,anion gap,11.0,11,,mmol/L,18528 +251758664,1063405,2205,1,glucose,96.0,96,mg/dL,mg/dL,2276 +258309923,1063405,-49,7,pH,7.24,7.24,,,-42 +254539160,1063405,2205,3,MPV,9.7,9.7,fL,fL,2260 +255512907,1063405,13541,4,bedside glucose,95.0,95,mg/dL,mg/dL,13541 +252089144,1063405,15125,1,ionized calcium,4.08,1.02,mg/dL,mmol/L,15140 +252524524,1063405,14820,1,BUN,8.0,8,mg/dL,mg/dL,14874 +254539161,1063405,2205,3,Hgb,8.6,8.6,g/dL,gm/dL,2260 +252396282,1063405,1140,1,CPK,257.0,257,Units/L,unit/L,1188 +251758655,1063405,2205,1,albumin,1.7,1.7,g/dL,gm/dL,2276 +258573076,1063405,-80,7,FiO2,1.0,1.00,%,,-71 +254539156,1063405,2205,3,MCHC,33.1,33.1,g/dL,gm/dL,2260 +258425885,1063405,17799,7,O2 Sat (%),99.1,99.1,%,%,17803 +252047076,1063405,15125,1,glucose,111.0,111,mg/dL,mg/dL,15140 +252524529,1063405,14820,1,total bilirubin,1.8,1.8,mg/dL,mg/dL,14885 +254539157,1063405,2205,3,WBC x 1000,5.6,5.6,K/mcL,10E3/mcL,2260 +252189252,1063405,18470,1,sodium,135.0,135,mmol/L,mmol/L,18528 +255018511,1063405,15125,3,Hgb,9.7,9.7,g/dL,gm/dL,15140 +258309931,1063405,-49,7,O2 Content,10.0,10,mls/dL,vol %,-42 +254539155,1063405,2205,3,MCH,29.5,29.5,pg,pg,2260 +255522753,1063405,19262,4,bedside glucose,113.0,113,mg/dL,mg/dL,19262 +255522643,1063405,13707,4,bedside glucose,100.0,100,mg/dL,mg/dL,13707 +252524528,1063405,14820,1,albumin,1.9,1.9,g/dL,gm/dL,14885 +254539154,1063405,2205,3,MCV,89.0,89.0,fL,fL,2260 +252189261,1063405,18470,1,total bilirubin,1.6,1.6,mg/dL,mg/dL,18541 +251619344,1063405,16612,1,ionized calcium,4.28,1.07,mg/dL,mmol/L,16617 +252859708,1063405,26450,1,magnesium,1.8,1.8,mg/dL,mg/dL,26498 +254539158,1063405,2205,3,Hct,26.0,26.0,%,%,2260 +258495436,1063405,580,7,Methemoglobin,0.1,0.1,%,%,590 +251946310,1063405,11550,1,ionized calcium,4.44,1.11,mg/dL,mmol/L,11561 +252501718,1063405,360,1,magnesium,2.0,2.0,mg/dL,mg/dL,413 +255560946,1063405,9377,4,bedside glucose,99.0,99,mg/dL,mg/dL,9377 +252189258,1063405,18470,1,BUN,28.0,28,mg/dL,mg/dL,18528 +251997969,1063405,11550,1,potassium,6.1,6.1,mmol/L,mmol/L,11561 +254316832,1063405,10920,3,MCV,87.5,87.5,fL,fL,11003 +254539153,1063405,2205,3,RBC,2.92,2.92,M/mcL,10E6/mcL,2260 +255365774,1063405,9183,3,MCV,87.9,87.9,fL,fL,9208 +251952640,1063405,11615,1,lactate,7.58,7.58,mmol/L,mmol/L,11630 +252524527,1063405,14820,1,AST (SGOT),2106.0,2106,Units/L,unit/L,14885 +251480911,1063405,16612,1,potassium,4.3,4.3,mmol/L,mmol/L,16617 +252189264,1063405,18470,1,alkaline phos.,134.0,134,Units/L,unit/L,18541 +251978343,1063405,11540,1,magnesium,2.4,2.4,mg/dL,mg/dL,11641 +258309927,1063405,-49,7,paO2,127.0,127,mm Hg,mmHg,-42 +252869177,1063405,13380,1,chloride,105.0,105,mmol/L,mmol/L,13456 +258425887,1063405,17799,7,O2 Content,12.0,12,mls/dL,vol %,17803 +254872083,1063405,15126,3,Hgb,9.0,9.0,g/dL,gm/dL,15140 +252524521,1063405,14820,1,anion gap,9.0,9,,mmol/L,14874 +252059026,1063405,13030,1,lactate,2.05,2.05,mmol/L,mmol/L,13046 +252189265,1063405,18470,1,albumin,1.9,1.9,g/dL,gm/dL,18541 +252782018,1063405,-362,1,glucose,115.0,115,mg/dL,mg/dL,-273 +252909311,1063405,4879,1,phosphate,8.6,8.6,mg/dL,mg/dL,4961 +254539159,1063405,2205,3,RDW,16.1,16.1,%,%,2260 +255760671,1063405,20710,4,bedside glucose,126.0,126,mg/dL,mg/dL,20710 +252077841,1063405,11615,1,sodium,129.0,129,mmol/L,mmol/L,11630 +252524522,1063405,14820,1,bicarbonate,22.0,22,mmol/L,mmol/L,14874 +252869178,1063405,13380,1,AST (SGOT),5514.0,5514,Units/L,unit/L,13669 +252189266,1063405,18470,1,ALT (SGPT),7.0,7,Units/L,unit/L,18541 +254264248,1063405,16612,3,Hgb,8.5,8.5,g/dL,gm/dL,16617 +252663296,1063405,11540,1,potassium,6.1,6.1,mmol/L,mmol/L,11643 +252782032,1063405,-362,1,bicarbonate,13.0,13,mmol/L,mmol/L,-261 +258984939,1063405,580,7,pH,7.44,7.44,,,590 +254699736,1063405,11449,3,PTT,41.4,41.4,sec,second(s),11481 +252524519,1063405,14820,1,glucose,113.0,113,mg/dL,mg/dL,14874 +252869176,1063405,13380,1,total bilirubin,2.0,2.0,mg/dL,mg/dL,13456 +252189260,1063405,18470,1,calcium,7.3,7.3,mg/dL,mg/dL,18528 +254037043,1063405,1367,3,MCH,27.9,27.9,pg,pg,1396 +258309928,1063405,-49,7,O2 Sat (%),98.0,98.0,%,%,-42 +252782031,1063405,-362,1,chloride,93.0,93,mmol/L,mmol/L,-261 +255874469,1063405,12060,4,bedside glucose,151.0,151,mg/dL,mg/dL,12060 +254037042,1063405,1367,3,WBC x 1000,5.1,5.1,K/mcL,10E3/mcL,1396 +252524520,1063405,14820,1,chloride,105.0,105,mmol/L,mmol/L,14874 +252869170,1063405,13380,1,albumin,2.1,2.1,g/dL,gm/dL,13456 +252189263,1063405,18470,1,total protein,5.8,5.8,g/dL,gm/dL,18541 +254037050,1063405,1367,3,MCV,88.5,88.5,fL,fL,1396 +252842566,1063405,17799,1,glucose,142.0,142,mg/dL,mg/dL,17803 +252869169,1063405,13380,1,anion gap,5.0,5,,mmol/L,13456 +258793216,1063405,17799,7,Methemoglobin,0.2,0.2,%,%,17803 +254037051,1063405,1367,3,platelets x 1000,150.0,150,K/mcL,10E3/mcL,1396 +252558120,1063405,20610,1,phosphate,1.9,1.9,mg/dL,mg/dL,20652 +252869168,1063405,13380,1,BUN,10.0,10,mg/dL,mg/dL,13456 +252887401,1063405,1140,1,troponin - I,1.44,1.44,ng/mL,ng/mL,1238 +254527281,1063405,11435,3,fibrinogen,174.0,174,mg/dL,mg/dL,11480 +258821724,1063405,18840,7,Carboxyhemoglobin,1.4,1.4,%,%,18859 +252869167,1063405,13380,1,ALT (SGPT),1227.0,1227,Units/L,unit/L,13456 +253067816,1063405,15125,1,sodium,134.0,134,mmol/L,mmol/L,15140 +254037044,1063405,1367,3,MPV,9.6,9.6,fL,fL,1396 +252524523,1063405,14820,1,calcium,7.3,7.3,mg/dL,mg/dL,14874 +252869166,1063405,13380,1,total protein,5.4,5.4,g/dL,gm/dL,13456 +258730921,1063405,11970,7,HCO3,17.7,17.7,mmol/L,mmol/L,11991 +251465333,1063405,11495,1,glucose,107.0,107,mg/dL,mg/dL,11509 +258309926,1063405,-49,7,Oxyhemoglobin,96.3,96.3,%,%,-42 +252869165,1063405,13380,1,bicarbonate,25.0,25,mmol/L,mmol/L,13456 +252189257,1063405,18470,1,creatinine,4.76,4.76,mg/dL,mg/dL,18528 +254037048,1063405,1367,3,RDW,15.9,15.9,%,%,1396 +252325211,1063405,360,1,alkaline phos.,125.0,125,Units/L,unit/L,413 +252869164,1063405,13380,1,alkaline phos.,122.0,122,Units/L,unit/L,13456 +258730917,1063405,11970,7,O2 Content,11.0,11,mls/dL,vol %,11991 +251544162,1063405,17190,1,AST (SGOT),607.0,607,Units/L,unit/L,17285 +252943109,1063405,1994,1,troponin - I,0.73,0.73,ng/mL,ng/mL,2085 +252869174,1063405,13380,1,potassium,4.0,4.0,mmol/L,mmol/L,13456 +253091641,1063405,2205,1,phosphate,9.5,9.5,mg/dL,mg/dL,2262 +254491084,1063405,11425,3,Hgb,7.1,7.1,g/dL,gm/dL,11425 +252524525,1063405,14820,1,sodium,136.0,136,mmol/L,mmol/L,14874 +252869172,1063405,13380,1,creatinine,2.3,2.30,mg/dL,mg/dL,13456 +258730915,1063405,11970,7,Oxyhemoglobin,98.0,98.0,%,%,11991 +251568533,1063405,17190,1,phosphate,4.2,4.2,mg/dL,mg/dL,17285 +253582577,1063405,12360,1,lactate,3.12,3.12,mmol/L,mmol/L,12375 +252589493,1063405,16200,1,potassium,4.2,4.2,mmol/L,mmol/L,16262 +252189262,1063405,18470,1,AST (SGOT),286.0,286,Units/L,unit/L,18541 +254491085,1063405,11425,3,Hct,,<18,%,%,11425 +252524517,1063405,14820,1,creatinine,1.85,1.85,mg/dL,mg/dL,14874 +252869175,1063405,13380,1,glucose,97.0,97,mg/dL,mg/dL,13456 +258730913,1063405,11970,7,paCO2,37.0,37,mm Hg,mmHg,11991 +251656705,1063405,20108,1,lactate,1.35,1.35,mmol/L,mmol/L,20145 +258309929,1063405,-49,7,FiO2,1.0,1.00,%,,-42 +252869173,1063405,13380,1,calcium,7.9,7.9,mg/dL,mg/dL,13456 +255861897,1063405,17463,4,bedside glucose,160.0,160,mg/dL,mg/dL,17463 +254037049,1063405,1367,3,Hct,27.0,27.0,%,%,1396 +252524518,1063405,14820,1,potassium,4.0,4.0,mmol/L,mmol/L,14874 +252782029,1063405,-362,1,anion gap,24.0,24,,mmol/L,-261 +258730920,1063405,11970,7,pH,7.29,7.29,,,11991 +251544160,1063405,17190,1,albumin,1.8,1.8,g/dL,gm/dL,17285 +252746170,1063405,26450,1,phosphate,2.8,2.8,mg/dL,mg/dL,26498 +252589487,1063405,16200,1,BUN,9.0,9,mg/dL,mg/dL,16262 +255883290,1063405,23211,4,bedside glucose,148.0,148,mg/dL,mg/dL,23211 +254037045,1063405,1367,3,RBC,3.05,3.05,M/mcL,10E6/mcL,1396 +252325208,1063405,360,1,chloride,98.0,98,mmol/L,mmol/L,413 +252589488,1063405,16200,1,calcium,7.5,7.5,mg/dL,mg/dL,16262 +258630073,1063405,13425,7,Carboxyhemoglobin,1.7,1.7,%,%,13433 +251544157,1063405,17190,1,calcium,8.3,8.3,mg/dL,mg/dL,17285 +252330510,1063405,11715,1,sodium,131.0,131,mmol/L,mmol/L,11729 +252589490,1063405,16200,1,creatinine,3.16,3.16,mg/dL,mg/dL,16262 +255762463,1063405,14541,4,bedside glucose,106.0,106,mg/dL,mg/dL,14541 +254626607,1063405,11495,3,Hgb,7.8,7.8,g/dL,gm/dL,11509 +252325209,1063405,360,1,creatinine,8.48,8.48,mg/dL,mg/dL,413 +252589489,1063405,16200,1,sodium,137.0,137,mmol/L,mmol/L,16262 +258730914,1063405,11970,7,paO2,165.0,165,mm Hg,mmHg,11991 +251544158,1063405,17190,1,ALT (SGPT),13.0,13,Units/L,unit/L,17285 +258309925,1063405,-49,7,paCO2,44.0,44,mm Hg,mmHg,-42 +252589491,1063405,16200,1,total protein,5.6,5.6,g/dL,gm/dL,16262 +255564108,1063405,7342,4,bedside glucose,142.0,142,mg/dL,mg/dL,7342 +252897943,1063405,17190,1,magnesium,2.2,2.2,mg/dL,mg/dL,17285 +252325206,1063405,360,1,BUN,38.0,38,mg/dL,mg/dL,413 +252782019,1063405,-362,1,total protein,8.0,8.0,g/dL,gm/dL,-273 +258730912,1063405,11970,7,Base Excess,-8.1,-8.1,mEq/L,mmol/L,11991 +251544159,1063405,17190,1,bicarbonate,20.0,20,mmol/L,mmol/L,17285 +252745781,1063405,3423,1,magnesium,1.8,1.8,mg/dL,mg/dL,3493 +252589492,1063405,16200,1,total bilirubin,1.9,1.9,mg/dL,mg/dL,16262 +255457340,1063405,21768,4,bedside glucose,139.0,139,mg/dL,mg/dL,21768 +254037046,1063405,1367,3,MCHC,31.5,31.5,g/dL,gm/dL,1396 +252524530,1063405,14820,1,alkaline phos.,129.0,129,Units/L,unit/L,14885 +252589494,1063405,16200,1,glucose,95.0,95,mg/dL,mg/dL,16262 +258743741,1063405,11970,7,Methemoglobin,0.3,0.3,%,%,11991 +251544163,1063405,17190,1,BUN,18.0,18,mg/dL,mg/dL,17285 +252663292,1063405,11540,1,calcium,8.2,8.2,mg/dL,mg/dL,11643 +252782027,1063405,-362,1,alkaline phos.,148.0,148,Units/L,unit/L,-273 +255843699,1063405,26064,4,bedside glucose,161.0,161,mg/dL,mg/dL,26064 +253306992,1063405,20108,1,potassium,4.5,4.5,mmol/L,mmol/L,20145 +252325210,1063405,360,1,bicarbonate,23.0,23,mmol/L,mmol/L,413 +252782030,1063405,-362,1,sodium,130.0,130,mmol/L,mmol/L,-261 +258730919,1063405,11970,7,FiO2,0.4,0.40,%,,11991 +251544161,1063405,17190,1,alkaline phos.,155.0,155,Units/L,unit/L,17285 +258403148,1063405,11615,7,Carboxyhemoglobin,0.8,0.8,%,%,11630 +252676029,1063405,22020,1,calcium,7.3,7.3,mg/dL,mg/dL,22085 +255739596,1063405,20357,4,bedside glucose,120.0,120,mg/dL,mg/dL,20357 +252741672,1063405,11495,1,sodium,129.0,129,mmol/L,mmol/L,11509 +252524526,1063405,14820,1,total protein,5.4,5.4,g/dL,gm/dL,14885 +252676026,1063405,22020,1,chloride,103.0,103,mmol/L,mmol/L,22085 +258611030,1063405,13425,7,Methemoglobin,0.4,0.4,%,%,13433 +251544153,1063405,17190,1,potassium,5.5,5.5,mmol/L,mmol/L,17285 +252936075,1063405,17790,1,phosphate,5.1,5.1,mg/dL,mg/dL,17839 +252676032,1063405,22020,1,creatinine,2.98,2.98,mg/dL,mg/dL,22085 +255231063,1063405,18840,3,Hgb,9.2,9.2,g/dL,gm/dL,18859 +254259181,1063405,20108,3,Hgb,10.1,10.1,g/dL,gm/dL,20145 +252325212,1063405,360,1,AST (SGOT),2913.0,2913,Units/L,unit/L,428 +252782025,1063405,-362,1,total bilirubin,0.7,0.7,mg/dL,mg/dL,-273 +258603843,1063405,13425,7,FiO2,0.35,0.35,%,,13433 +251544151,1063405,17190,1,sodium,136.0,136,mmol/L,mmol/L,17285 +258820791,1063405,11715,7,Methemoglobin,0.2,0.2,%,%,11729 +252782024,1063405,-362,1,BUN,57.0,57,mg/dL,mg/dL,-273 +255929474,1063405,13143,4,bedside glucose,108.0,108,mg/dL,mg/dL,13143 +253725918,1063405,11449,3,PT - INR,2.56,2.56,ratio,,11481 +255981838,1063405,20251,4,bedside glucose,135.0,135,mg/dL,mg/dL,20251 +252589501,1063405,16200,1,AST (SGOT),1047.0,1047,Units/L,unit/L,16262 +258735894,1063405,11970,7,Carboxyhemoglobin,0.4,0.4,%,%,11991 +251964358,1063405,20108,1,glucose,135.0,135,mg/dL,mg/dL,20145 +258309930,1063405,-49,7,HCO3,18.0,18.0,mmol/L,mmol/L,-42 +252676033,1063405,22020,1,potassium,3.5,3.5,mmol/L,mmol/L,22085 +254731580,1063405,11715,3,Hgb,6.5,6.5,g/dL,gm/dL,11729 +251544152,1063405,17190,1,creatinine,4.6,4.60,mg/dL,mg/dL,17285 +255985880,1063405,10192,4,bedside glucose,128.0,128,mg/dL,mg/dL,10192 +252782026,1063405,-362,1,creatinine,12.69,12.69,mg/dL,mg/dL,-273 +253621054,1063405,1140,2,Acetaminophen,,<10,mcg/mL,mcg/mL,1387 +252808760,1063405,11495,1,potassium,5.9,5.9,mmol/L,mmol/L,11509 +251436283,1063405,17799,1,ionized calcium,4.68,1.17,mg/dL,mmol/L,17803 +252676025,1063405,22020,1,glucose,164.0,164,mg/dL,mg/dL,22085 +251795371,1063405,13965,1,glucose,99.0,99,mg/dL,mg/dL,13969 +252398978,1063405,11425,1,lactate,6.0,6.0,mmol/L,mmol/L,11425 +255823421,1063405,8742,4,bedside glucose,128.0,128,mg/dL,mg/dL,8742 +252589500,1063405,16200,1,bicarbonate,21.0,21,mmol/L,mmol/L,16262 +253613182,1063405,1140,2,salicylate,,<40,mg/dL,mcg/mL,1387 +251544154,1063405,17190,1,glucose,133.0,133,mg/dL,mg/dL,17285 +255255395,1063405,10428,3,MCH,28.3,28.3,pg,pg,10473 +252782023,1063405,-362,1,calcium,8.1,8.1,mg/dL,mg/dL,-273 +255255394,1063405,10428,3,WBC x 1000,7.7,7.7,K/mcL,10E3/mcL,10473 +254037047,1063405,1367,3,Hgb,8.5,8.5,g/dL,gm/dL,1396 +255255397,1063405,10428,3,MCHC,32.5,32.5,g/dL,gm/dL,10473 +252676028,1063405,22020,1,bicarbonate,23.0,23,mmol/L,mmol/L,22085 +255255396,1063405,10428,3,RBC,2.76,2.76,M/mcL,10E6/mcL,10473 +252398977,1063405,11425,1,ionized calcium,4.56,1.14,mg/dL,mmol/L,11425 +255255398,1063405,10428,3,Hgb,7.8,7.8,g/dL,gm/dL,10473 +252869171,1063405,13380,1,sodium,135.0,135,mmol/L,mmol/L,13456 +255255403,1063405,10428,3,platelets x 1000,163.0,163,K/mcL,10E3/mcL,10473 +251544149,1063405,17190,1,total protein,5.5,5.5,g/dL,gm/dL,17284 +255255399,1063405,10428,3,RDW,15.4,15.4,%,%,10473 +252782028,1063405,-362,1,potassium,6.8,6.8,mmol/L,mmol/L,-268 +255321150,1063405,19044,3,Hgb,9.5,9.5,g/dL,gm/dL,19048 +253725919,1063405,11449,3,PT,27.1,27.1,sec,second(s),11481 +255549421,1063405,3121,4,bedside glucose,102.0,102,mg/dL,mg/dL,3121 +252589496,1063405,16200,1,alkaline phos.,151.0,151,Units/L,unit/L,16262 +255255401,1063405,10428,3,MPV,10.5,10.5,fL,fL,10473 +252398974,1063405,11425,1,sodium,129.0,129,mmol/L,mmol/L,11425 +258544341,1063405,19044,7,Methemoglobin,0.0,0.0,%,%,19048 +252589497,1063405,16200,1,chloride,108.0,108,mmol/L,mmol/L,16262 +255482166,1063405,13269,4,bedside glucose,99.0,99,mg/dL,mg/dL,13269 +251544155,1063405,17190,1,chloride,107.0,107,mmol/L,mmol/L,17285 +255255400,1063405,10428,3,Hct,24.0,24.0,%,%,10473 +252676030,1063405,22020,1,BUN,35.0,35,mg/dL,mg/dL,22085 +258335856,1063405,11835,7,FiO2,0.4,0.40,%,,11852 +252716179,1063405,20108,1,sodium,136.0,136,mmol/L,mmol/L,20145 +254454923,1063405,11825,3,RBC,2.75,2.75,M/mcL,10E6/mcL,11868 +252589498,1063405,16200,1,anion gap,8.0,8,,mmol/L,16262 +255535063,1063405,11874,4,bedside glucose,182.0,182,mg/dL,mg/dL,11874 +252398975,1063405,11425,1,chloride,99.0,99,mmol/L,mmol/L,11425 +254454926,1063405,11825,3,RDW,14.6,14.6,%,%,11868 +252624799,1063405,-362,1,troponin - I,0.73,0.73,ng/mL,ng/mL,-177 +255255402,1063405,10428,3,MCV,87.0,87.0,fL,fL,10473 +251544150,1063405,17190,1,total bilirubin,1.9,1.9,mg/dL,mg/dL,17285 +254454927,1063405,11825,3,Hct,23.8,23.8,%,%,11868 +252782022,1063405,-362,1,AST (SGOT),1536.0,1536,Units/L,unit/L,-273 +258535595,1063405,11835,7,Methemoglobin,0.3,0.3,%,%,11852 +254905085,1063405,11435,3,MPV,10.4,10.4,fL,fL,11466 +254495067,1063405,11825,3,fibrinogen,176.0,176,mg/dL,mg/dL,11873 +252782020,1063405,-362,1,ALT (SGPT),79.0,79,Units/L,unit/L,-273 +255871184,1063405,18974,4,bedside glucose,112.0,112,mg/dL,mg/dL,18974 +252398976,1063405,11425,1,glucose,83.0,83,mg/dL,mg/dL,11425 +254454922,1063405,11825,3,MPV,11.7,11.7,fL,fL,11868 +252676027,1063405,22020,1,anion gap,9.0,9,,mmol/L,22085 +258343521,1063405,11835,7,Carboxyhemoglobin,0.6,0.6,%,%,11852 +251544156,1063405,17190,1,anion gap,9.0,9,,mmol/L,17285 +254454924,1063405,11825,3,MCHC,33.6,33.6,g/dL,gm/dL,11868 +252782021,1063405,-362,1,albumin,2.0,2.0,g/dL,gm/dL,-273 +255968329,1063405,24754,4,bedside glucose,91.0,91,mg/dL,mg/dL,24754 +252668188,1063405,11495,1,lactate,5.84,5.84,mmol/L,mmol/L,11509 +254454925,1063405,11825,3,Hgb,8.0,8.0,g/dL,gm/dL,11868 +252589495,1063405,16200,1,albumin,1.9,1.9,g/dL,gm/dL,16262 +255054032,1063405,11825,3,Hgb,8.3,8.3,g/dL,gm/dL,11833 +252398973,1063405,11425,1,potassium,5.9,5.9,mmol/L,mmol/L,11425 +254454919,1063405,11825,3,platelets x 1000,85.0,85,K/mcL,10E3/mcL,11868 +252676031,1063405,22020,1,sodium,135.0,135,mmol/L,mmol/L,22085 +255806047,1063405,4628,4,bedside glucose,163.0,163,mg/dL,mg/dL,4628 +251805251,1063405,20108,1,ionized calcium,4.24,1.06,mg/dL,mmol/L,20145 +254454920,1063405,11825,3,WBC x 1000,14.6,14.6,K/mcL,10E3/mcL,11868 +252589499,1063405,16200,1,ALT (SGPT),67.0,67,Units/L,unit/L,16262 +255004743,1063405,11825,3,PT,23.7,23.7,sec,second(s),11873 +254905086,1063405,11435,3,platelets x 1000,77.0,77,K/mcL,10E3/mcL,11466 +254454928,1063405,11825,3,MCV,86.5,86.5,fL,fL,11868 +255909139,1063405,12673,4,bedside glucose,108.0,108,mg/dL,mg/dL,12673 +255981905,1063405,20470,4,bedside glucose,122.0,122,mg/dL,mg/dL,20470 +252159022,1063405,11495,1,ionized calcium,4.64,1.16,mg/dL,mmol/L,11509 +254454921,1063405,11825,3,MCH,29.1,29.1,pg,pg,11868 +255516308,1063405,18446,4,bedside glucose,156.0,156,mg/dL,mg/dL,18446 +255004744,1063405,11825,3,PT - INR,2.24,2.24,ratio,,11873 +267420310,1131174,-345,3,RBC,5.04,5.04,M/mcL,X 10 6,-345 +264160337,1131174,-345,1,ALT (SGPT),22.0,22,Units/L,u/l,-345 +267420311,1131174,-345,3,Hct,45.3,45.3,%,%,-345 +264160336,1131174,-345,1,calcium,10.1,10.1,mg/dL,mg/dl,-345 +267420318,1131174,-345,3,platelets x 1000,207.0,207,K/mcL,X 10 3,-345 +270406717,1131174,880,3,MCH,30.4,30.4,pg,pg,881 +264160338,1131174,-345,1,glucose,101.0,101,mg/dL,mg/dl,-345 +270406718,1131174,880,3,MCHC,34.2,34.2,g/dL,g/dl,881 +267420313,1131174,-345,3,Hgb,15.3,15.3,g/dL,g/dl,-345 +270406713,1131174,880,3,MCV,89.0,89.0,fL,fl,881 +264160331,1131174,-345,1,AST (SGOT),18.0,18,Units/L,u/l,-345 +270406714,1131174,880,3,Hgb,14.4,14.4,g/dL,g/dl,881 +267420314,1131174,-345,3,WBC x 1000,8.3,8.3,K/mcL,X 10 3,-345 +270406719,1131174,880,3,platelets x 1000,170.0,170,K/mcL,X 10 3,881 +264160330,1131174,-345,1,anion gap,16.0,16,,mmol/l,-345 +270406716,1131174,880,3,RDW,14.2,14.2,%,%,881 +267420315,1131174,-345,3,RDW,13.9,13.9,%,%,-345 +270406715,1131174,880,3,WBC x 1000,8.6,8.6,K/mcL,X 10 3,881 +263295754,1131174,880,1,calcium,9.0,9.0,mg/dL,mg/dl,881 +270406710,1131174,880,3,MPV,7.9,7.9,fL,fl,881 +264160333,1131174,-345,1,albumin,4.1,4.1,g/dL,g/dl,-345 +270406712,1131174,880,3,Hct,42.1,42.1,%,%,881 +263295751,1131174,880,1,anion gap,14.0,14,,mmol/l,881 +260866764,1131174,-345,1,CPK,56.0,56,Units/L,u/l,-345 +270406711,1131174,880,3,RBC,4.73,4.73,M/mcL,X 10 6,881 +267420316,1131174,-345,3,MCH,30.4,30.4,pg,pg,-345 +259631949,1131174,880,1,triglycerides,184.0,184,mg/dL,mg/dl,881 +263331326,1131174,880,1,CPK,86.0,86,Units/L,u/l,880 +259631950,1131174,880,1,total cholesterol,164.0,164,mg/dL,mg/dl,881 +264160334,1131174,-345,1,bicarbonate,24.0,24,mmol/L,mmol/l,-345 +259631951,1131174,880,1,HDL,24.0,24,mg/dL,mg/dl,881 +263295752,1131174,880,1,sodium,140.0,140,mmol/L,mmol/l,881 +259631948,1131174,880,1,LDL,103.0,103,mg/dL,mg/dl,881 +267420309,1131174,-345,3,MPV,7.9,7.9,fL,fl,-345 +264193623,1131174,2168,1,calcium,9.3,9.3,mg/dL,mg/dl,2168 +263295756,1131174,880,1,chloride,105.0,105,mmol/L,mmol/l,881 +264193621,1131174,2168,1,sodium,138.0,138,mmol/L,mmol/l,2168 +264160340,1131174,-345,1,BUN,16.0,16,mg/dL,mg/dl,-345 +264193619,1131174,2168,1,creatinine,0.8,0.8,mg/dL,mg/dl,2168 +263295750,1131174,880,1,creatinine,0.9,0.9,mg/dL,mg/dl,881 +265330681,1131174,-345,1,alkaline phos.,98.0,98,Units/L,u/l,-345 +267420317,1131174,-345,3,MCHC,33.9,33.9,g/dL,g/dl,-345 +264193620,1131174,2168,1,anion gap,13.0,13,,mmol/l,2168 +263295755,1131174,880,1,glucose,91.0,91,mg/dL,mg/dl,881 +265330678,1131174,-345,1,total bilirubin,0.74,0.74,mg/dL,mg/dl,-345 +264160332,1131174,-345,1,sodium,143.0,143,mmol/L,mmol/l,-345 +264193618,1131174,2168,1,potassium,4.4,4.4,mmol/L,mmol/l,2168 +263295753,1131174,880,1,bicarbonate,25.0,25,mmol/L,mmol/l,881 +265706758,1131174,-345,3,PT,13.7,13.7,sec,Seconds,-345 +267420312,1131174,-345,3,MCV,89.9,89.9,fL,fl,-345 +264193622,1131174,2168,1,bicarbonate,24.0,24,mmol/L,mmol/l,2168 +263331325,1131174,880,1,CPK-MB INDEX,5.7,5.7,%,%,880 +265330679,1131174,-345,1,potassium,4.4,4.4,mmol/L,mmol/l,-345 +264160335,1131174,-345,1,total protein,7.2,7.2,g/dL,g/dl,-345 +264193624,1131174,2168,1,glucose,93.0,93,mg/dL,mg/dl,2168 +263331327,1131174,880,1,CPK-MB,4.9,4.9,ng/mL,ng/ml,880 +265706759,1131174,-345,3,PT - INR,1.1,1.1,ratio,,-345 +261666810,1131174,-345,1,troponin - I,,<0.010,ng/mL,ng/ml,-345 +264193625,1131174,2168,1,chloride,105.0,105,mmol/L,mmol/l,2168 +263295757,1131174,880,1,BUN,14.0,14,mg/dL,mg/dl,881 +265330680,1131174,-345,1,creatinine,0.8,0.8,mg/dL,mg/dl,-345 +264160339,1131174,-345,1,chloride,107.0,107,mmol/L,mmol/l,-345 +264193626,1131174,2168,1,BUN,14.0,14,mg/dL,mg/dl,2168 +263295749,1131174,880,1,potassium,4.4,4.4,mmol/L,mmol/l,881 +354939305,1550318,475,1,potassium,4.1,4.1,mmol/L,mEq/L,520 +354939309,1550318,475,1,sodium,131.0,131,mmol/L,mEq/L,520 +354939308,1550318,475,1,AST (SGOT),31.0,31,Units/L,U/L,520 +354939306,1550318,475,1,creatinine,0.85,0.85,mg/dL,mg/dL,520 +354939311,1550318,475,1,bicarbonate,21.0,21,mmol/L,mEq/L,520 +354939310,1550318,475,1,albumin,2.4,2.4,g/dL,g/dL,520 +354939312,1550318,475,1,total protein,5.4,5.4,g/dL,g/dL,520 +364255314,1550318,-1713,3,RBC,4.02,4.02,M/mcL,MIL/uL,-1659 +358892558,1550318,-963,1,calcium,9.3,9.3,mg/dL,mg/dL,-907 +354939317,1550318,475,1,BUN,23.0,23,mg/dL,mg/dL,520 +358892562,1550318,-963,1,BUN,17.0,17,mg/dL,mg/dL,-907 +364255316,1550318,-1713,3,MCV,87.1,87.1,fL,fL,-1659 +358892561,1550318,-963,1,chloride,101.0,101,mmol/L,mEq/L,-907 +354939313,1550318,475,1,calcium,7.9,7.9,mg/dL,mg/dL,520 +358892556,1550318,-963,1,bicarbonate,20.0,20,mmol/L,mEq/L,-907 +364255315,1550318,-1713,3,Hct,35.0,35.0,%,%,-1659 +359439383,1550318,1917,1,AST (SGOT),30.0,30,Units/L,U/L,1972 +358892557,1550318,-963,1,total protein,5.9,5.9,g/dL,g/dL,-907 +359439384,1550318,1917,1,ALT (SGPT),23.0,23,Units/L,U/L,1972 +354939307,1550318,475,1,alkaline phos.,106.0,106,Units/L,U/L,520 +359439382,1550318,1917,1,albumin,2.2,2.2,g/dL,g/dL,1972 +358892560,1550318,-963,1,glucose,111.0,111,mg/dL,mg/dL,-907 +359439385,1550318,1917,1,alkaline phos.,82.0,82,Units/L,U/L,1972 +364255317,1550318,-1713,3,Hgb,12.3,12.3,g/dL,g/dL,-1659 +359439379,1550318,1917,1,creatinine,0.87,0.87,mg/dL,mg/dL,1972 +358892559,1550318,-963,1,ALT (SGPT),23.0,23,Units/L,U/L,-907 +359439378,1550318,1917,1,BUN,24.0,24,mg/dL,mg/dL,1972 +354939314,1550318,475,1,ALT (SGPT),25.0,25,Units/L,U/L,520 +359439377,1550318,1917,1,glucose,79.0,79,mg/dL,mg/dL,1972 +358892549,1550318,-963,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-907 +356924143,1550318,-1713,1,chloride,102.0,102,mmol/L,mEq/L,-1635 +359439376,1550318,1917,1,bicarbonate,25.0,25,mmol/L,mEq/L,1972 +364255318,1550318,-1713,3,WBC x 1000,15.9,15.9,K/mcL,K/uL,-1659 +356924142,1550318,-1713,1,glucose,71.0,71,mg/dL,mg/dL,-1635 +359439380,1550318,1917,1,calcium,7.3,7.3,mg/dL,mg/dL,1972 +358892555,1550318,-963,1,albumin,2.6,2.6,g/dL,g/dL,-907 +356924144,1550318,-1713,1,BUN,14.0,14,mg/dL,mg/dL,-1635 +366626305,1550318,-963,3,RDW,13.7,13.7,%,%,-939 +354939304,1550318,475,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,520 +356924139,1550318,-1713,1,total protein,5.2,5.2,g/dL,g/dL,-1635 +359439375,1550318,1917,1,chloride,103.0,103,mmol/L,mEq/L,1972 +358892554,1550318,-963,1,sodium,135.0,135,mmol/L,mEq/L,-907 +356924140,1550318,-1713,1,calcium,9.6,9.6,mg/dL,mg/dL,-1635 +366626303,1550318,-963,3,Hgb,12.6,12.6,g/dL,g/dL,-939 +360859397,1550318,1917,3,WBC x 1000,15.8,15.8,K/mcL,K/uL,1941 +356924141,1550318,-1713,1,ALT (SGPT),26.0,26,Units/L,U/L,-1635 +359439374,1550318,1917,1,potassium,3.5,3.5,mmol/L,mEq/L,1972 +364255320,1550318,-1713,3,MCHC,35.1,35.1,g/dL,g/dL,-1659 +356924131,1550318,-1713,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-1635 +366626301,1550318,-963,3,Hct,36.3,36.3,%,%,-939 +360859398,1550318,1917,3,RBC,2.48,2.48,M/mcL,MIL/uL,1941 +356924134,1550318,-1713,1,alkaline phos.,126.0,126,Units/L,U/L,-1635 +359439381,1550318,1917,1,total protein,4.6,4.6,g/dL,g/dL,1972 +358892551,1550318,-963,1,creatinine,0.74,0.74,mg/dL,mg/dL,-907 +356924135,1550318,-1713,1,AST (SGOT),27.0,27,Units/L,U/L,-1635 +366626302,1550318,-963,3,MCV,87.1,87.1,fL,fL,-939 +360859399,1550318,1917,3,Hgb,7.6,7.6,g/dL,g/dL,1941 +356924136,1550318,-1713,1,sodium,136.0,136,mmol/L,mEq/L,-1635 +359439373,1550318,1917,1,sodium,135.0,135,mmol/L,mEq/L,1972 +354939315,1550318,475,1,glucose,119.0,119,mg/dL,mg/dL,520 +356924137,1550318,-1713,1,albumin,2.5,2.5,g/dL,g/dL,-1635 +363115219,1550318,-963,3,MCHC,34.7,34.7,g/dL,g/dL,-939 +360859400,1550318,1917,3,Hct,22.2,22.2,%,%,1941 +356924132,1550318,-1713,1,potassium,3.8,3.8,mmol/L,mEq/L,-1635 +366626304,1550318,-963,3,WBC x 1000,17.7,17.7,K/mcL,K/uL,-939 +358892550,1550318,-963,1,potassium,3.9,3.9,mmol/L,mEq/L,-907 +356924133,1550318,-1713,1,creatinine,0.82,0.82,mg/dL,mg/dL,-1635 +363115220,1550318,-963,3,platelets x 1000,208.0,208,K/mcL,K/uL,-939 +360859402,1550318,1917,3,MCHC,34.2,34.2,g/dL,g/dL,1941 +354224722,1550318,-963,1,LDH,252.0,252,Units/L,U/L,-907 +359439386,1550318,1917,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,1972 +364255319,1550318,-1713,3,RDW,13.5,13.5,%,%,-1659 +358829298,1550318,-1713,1,LDH,222.0,222,Units/L,U/L,-1635 +366921522,1550318,-963,4,uric acid,6.5,6.5,mg/dL,mg/dL,-907 +360859403,1550318,1917,3,RDW,13.9,13.9,%,%,1941 +356924138,1550318,-1713,1,bicarbonate,23.0,23,mmol/L,mEq/L,-1635 +366626300,1550318,-963,3,RBC,4.17,4.17,M/mcL,MIL/uL,-939 +358892553,1550318,-963,1,AST (SGOT),23.0,23,Units/L,U/L,-907 +362237569,1550318,3331,3,MCHC,33.9,33.9,g/dL,g/dL,3355 +366984934,1550318,-1713,4,uric acid,6.8,6.8,mg/dL,mg/dL,-1635 +362237570,1550318,3331,3,RDW,14.4,14.4,%,%,3355 +354939316,1550318,475,1,chloride,99.0,99,mmol/L,mEq/L,520 +362237571,1550318,3331,3,platelets x 1000,164.0,164,K/mcL,K/uL,3355 +360859404,1550318,1917,3,platelets x 1000,174.0,174,K/mcL,K/uL,1941 +362379318,1550318,4767,3,RDW,14.3,14.3,%,%,4819 +358892552,1550318,-963,1,alkaline phos.,124.0,124,Units/L,U/L,-907 +362237567,1550318,3331,3,Hct,19.2,19.2,%,%,3355 +366947991,1550318,-1683,4,24 h urine protein,14060.0,14060,mg/24HR,mg/day,334 +362237568,1550318,3331,3,MCV,90.1,90.1,fL,fL,3355 +364255321,1550318,-1713,3,platelets x 1000,192.0,192,K/mcL,K/uL,-1659 +362379319,1550318,4767,3,platelets x 1000,194.0,194,K/mcL,K/uL,4819 +360859401,1550318,1917,3,MCV,89.5,89.5,fL,fL,1941 +362237566,1550318,3331,3,Hgb,6.5,6.5,g/dL,g/dL,3355 +363821839,1550318,475,3,Hgb,11.0,11.0,g/dL,g/dL,501 +362379312,1550318,4767,3,WBC x 1000,14.4,14.4,K/mcL,K/uL,4819 +363821841,1550318,475,3,RDW,13.8,13.8,%,%,501 +362379313,1550318,4767,3,RBC,2.23,2.23,M/mcL,MIL/uL,4819 +363821840,1550318,475,3,WBC x 1000,21.0,21.0,K/mcL,K/uL,501 +362379316,1550318,4767,3,MCV,91.0,91.0,fL,fL,4819 +363821842,1550318,475,3,MCHC,34.7,34.7,g/dL,g/dL,501 +362379317,1550318,4767,3,MCHC,34.0,34.0,g/dL,g/dL,4819 +363821837,1550318,475,3,Hct,31.7,31.7,%,%,501 +362237564,1550318,3331,3,WBC x 1000,13.8,13.8,K/mcL,K/uL,3355 +363821843,1550318,475,3,platelets x 1000,206.0,206,K/mcL,K/uL,501 +362379314,1550318,4767,3,Hgb,6.9,6.9,g/dL,g/dL,4819 +363821838,1550318,475,3,MCV,88.1,88.1,fL,fL,501 +362379315,1550318,4767,3,Hct,20.3,20.3,%,%,4819 +363821836,1550318,475,3,RBC,3.6,3.60,M/mcL,MIL/uL,501 +362237565,1550318,3331,3,RBC,2.13,2.13,M/mcL,MIL/uL,3355 +599633621,2610399,-290,1,sodium,133.0,133,mmol/L,MEQ/L,-242 +599633619,2610399,-290,1,total protein,7.6,7.6,g/dL,g/dL,-242 +599633614,2610399,-290,1,albumin,4.1,4.1,g/dL,g/dL,-242 +599633618,2610399,-290,1,creatinine,1.0,1.0,mg/dL,mg/dL,-242 +599633612,2610399,-290,1,alkaline phos.,211.0,211,Units/L,IU/L,-242 +599633615,2610399,-290,1,anion gap,9.0,9,,,-242 +599633622,2610399,-290,1,AST (SGOT),46.0,46,Units/L,IU/L,-242 +599633623,2610399,-290,1,BUN,17.0,17,mg/dL,mg/dL,-242 +600140579,2610399,2476,1,anion gap,7.0,7,,,2510 +608130169,2610399,816,3,Hgb,8.5,8.5,g/dL,g/dL,832 +599633617,2610399,-290,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-242 +608130170,2610399,816,3,RBC,2.9,2.90,M/mcL,MIL/uL,832 +600140577,2610399,2476,1,bicarbonate,27.0,27,mmol/L,MEQ/L,2510 +608130171,2610399,816,3,-lymphs,18.0,18,%,%,832 +599633620,2610399,-290,1,calcium,8.6,8.6,mg/dL,mg/dL,-242 +608130165,2610399,816,3,-eos,3.0,3,%,%,832 +600140578,2610399,2476,1,creatinine,1.3,1.3,mg/dL,mg/dL,2510 +599633613,2610399,-290,1,bicarbonate,27.0,27,mmol/L,MEQ/L,-242 +618057995,2610399,-285,7,pH,7.26,7.26,,units,-271 +600140570,2610399,2476,1,calcium,8.8,8.8,mg/dL,mg/dL,2510 +608130163,2610399,816,3,MCV,88.0,88,fL,fL,832 +599633624,2610399,-290,1,ALT (SGPT),31.0,31,Units/L,IU/L,-242 +618057994,2610399,-285,7,TV,530.0,530.0,mls,mL,-271 +600140576,2610399,2476,1,potassium,4.7,4.7,mmol/L,MEQ/L,2510 +601711181,2610399,4089,1,BUN,26.0,26,mg/dL,mg/dL,4116 +610129248,2610399,-290,3,PT,13.1,13.1,sec,sec,-270 +608130164,2610399,816,3,MCHC,34.0,34,g/dL,%,832 +600140571,2610399,2476,1,glucose,81.0,81,mg/dL,mg/dL,2510 +618057993,2610399,-285,7,paO2,272.0,272,mm Hg,mm Hg,-271 +599633611,2610399,-290,1,potassium,4.6,4.6,mmol/L,MEQ/L,-242 +601711180,2610399,4089,1,bicarbonate,32.0,32,mmol/L,MEQ/L,4116 +600140572,2610399,2476,1,sodium,129.0,129,mmol/L,MEQ/L,2510 +608130167,2610399,816,3,MPV,8.8,8.8,fL,fL,832 +610129249,2610399,-290,3,fibrinogen,502.0,502,mg/dL,mg/dL,-270 +618057988,2610399,-285,7,HCO3,26.5,26.5,mmol/L,MEQ/L,-271 +611405434,2610399,1215,4,bedside glucose,83.0,83,mg/dL,mg/dL,1215 +601711175,2610399,4089,1,glucose,86.0,86,mg/dL,mg/dL,4116 +600140573,2610399,2476,1,BUN,26.0,26,mg/dL,mg/dL,2510 +608130160,2610399,816,3,MCH,29.0,29,pg,pg,832 +599633616,2610399,-290,1,chloride,97.0,97,mmol/L,MEQ/L,-242 +604688667,2610399,-290,3,WBC x 1000,9.03,9.03,K/mcL,TH/uL,-278 +604002761,2610399,-14,1,troponin - I,0.24,0.24,ng/mL,ng/mL,34 +618057990,2610399,-285,7,FiO2,1.0,1.00,%,,-271 +600140580,2610399,2476,1,albumin,3.2,3.2,g/dL,g/dL,2510 +604688669,2610399,-290,3,MCHC,32.0,32,g/dL,%,-278 +610129250,2610399,-290,3,PTT,27.0,27,sec,sec,-270 +601711174,2610399,4089,1,anion gap,4.0,4,,,4116 +604410975,2610399,4089,1,chloride,93.0,93,mmol/L,MEQ/L,4116 +604688663,2610399,-290,3,RDW,14.2,14.2,%,%,-278 +600140575,2610399,2476,1,phosphate,4.6,4.6,mg/dL,mg/dL,2510 +608130162,2610399,816,3,Hct,25.0,25,%,%,832 +600116766,2610399,-290,1,magnesium,2.6,2.6,mg/dL,mg/dL,182 +604688662,2610399,-290,3,platelets x 1000,511.0,511,K/mcL,TH/uL,-278 +610605726,2610399,2909,4,bedside glucose,78.0,78,mg/dL,mg/dL,2909 +618057992,2610399,-285,7,paCO2,59.0,59,mm Hg,mm Hg,-271 +611361212,2610399,1965,4,bedside glucose,91.0,91,mg/dL,mg/dL,1965 +604688665,2610399,-290,3,-polys,54.0,54,%,%,-278 +610129251,2610399,-290,3,PT - INR,1.0,1.0,ratio,,-270 +601711178,2610399,4089,1,creatinine,1.2,1.2,mg/dL,mg/dL,4116 +610552059,2610399,2661,4,bedside glucose,78.0,78,mg/dL,mg/dL,2661 +604688664,2610399,-290,3,RBC,3.72,3.72,M/mcL,MIL/uL,-278 +600140574,2610399,2476,1,chloride,95.0,95,mmol/L,MEQ/L,2510 +608130161,2610399,816,3,RDW,14.2,14.2,%,%,832 +599203230,2610399,1755,1,potassium,5.3,5.3,mmol/L,MEQ/L,1805 +604688666,2610399,-290,3,-eos,4.0,4,%,%,-278 +612004836,2610399,4312,4,bedside glucose,109.0,109,mg/dL,mg/dL,4312 +618845937,2610399,-285,7,Base Excess,-1.7,-1.7,mEq/L,MEQ/L,-271 +611200012,2610399,541,4,bedside glucose,92.0,92,mg/dL,mg/dL,541 +604688668,2610399,-290,3,-lymphs,33.0,33,%,%,-278 +601750746,2610399,-290,1,troponin - I,0.02,0.02,ng/mL,ng/mL,-235 +601711179,2610399,4089,1,calcium,9.1,9.1,mg/dL,mg/dL,4116 +611996334,2610399,3424,4,bedside glucose,91.0,91,mg/dL,mg/dL,3424 +598744695,2610399,189,1,troponin - I,0.27,0.27,ng/mL,ng/mL,219 +604688671,2610399,-290,3,Hct,33.0,33,%,%,-278 +611337708,2610399,1789,4,bedside glucose,85.0,85,mg/dL,mg/dL,1789 +608130158,2610399,816,3,-polys,67.0,67,%,%,832 +603924161,2610399,816,1,BUN,21.0,21,mg/dL,mg/dL,846 +604688674,2610399,-290,3,-monos,8.0,8,%,%,-278 +603924163,2610399,816,1,chloride,96.0,96,mmol/L,MEQ/L,846 +611961935,2610399,-290,4,free T4,1.4,1.4,ng/dL,ng/dL,196 +603924159,2610399,816,1,creatinine,1.2,1.2,mg/dL,mg/dL,846 +604688675,2610399,-290,3,Hgb,10.8,10.8,g/dL,g/dL,-278 +603924157,2610399,816,1,calcium,8.4,8.4,mg/dL,mg/dL,846 +601711177,2610399,4089,1,sodium,129.0,129,mmol/L,MEQ/L,4116 +603924158,2610399,816,1,sodium,130.0,130,mmol/L,MEQ/L,846 +604688672,2610399,-290,3,MCH,29.0,29,pg,pg,-278 +604410967,2610399,816,1,bicarbonate,29.0,29,mmol/L,MEQ/L,846 +608130168,2610399,816,3,platelets x 1000,379.0,379,K/mcL,TH/uL,832 +603924162,2610399,816,1,anion gap,6.0,6,,,846 +604688670,2610399,-290,3,MCV,90.0,90,fL,fL,-278 +604410966,2610399,816,1,glucose,100.0,100,mg/dL,mg/dL,846 +612042763,2610399,-6,4,bedside glucose,98.0,98,mg/dL,mg/dL,-6 +603924160,2610399,816,1,potassium,4.5,4.5,mmol/L,MEQ/L,846 +604688673,2610399,-290,3,MPV,9.1,9.1,fL,fL,-278 +610493695,2610399,3125,4,bedside glucose,79.0,79,mg/dL,mg/dL,3125 +601711176,2610399,4089,1,potassium,5.1,5.1,mmol/L,MEQ/L,4116 +611663844,2610399,-290,4,TSH,1.5,1.50,mcU/ml,uIU/mL,202 +604410974,2610399,-290,1,glucose,193.0,193,mg/dL,mg/dL,-242 +610613148,2610399,4052,4,bedside glucose,84.0,84,mg/dL,mg/dL,4052 +608130159,2610399,816,3,WBC x 1000,6.05,6.05,K/mcL,TH/uL,832 +611539026,2610399,327,4,bedside glucose,116.0,116,mg/dL,mg/dL,327 +598209366,2610399,816,1,magnesium,2.2,2.2,mg/dL,mg/dL,846 +608130166,2610399,816,3,-monos,12.0,12,%,%,832 +822485252,3348292,-63,1,chloride,99.0,99,mmol/L,mmol/L,-32 +822485253,3348292,-63,1,BUN,14.0,14,mg/dL,mg/dL,-32 +822485245,3348292,-63,1,potassium,3.6,3.6,mmol/L,mmol/L,-32 +822485251,3348292,-63,1,glucose,146.0,146,mg/dL,mg/dL,-32 +822485247,3348292,-63,1,anion gap,15.0,15,,,-32 +822485246,3348292,-63,1,creatinine,0.97,0.97,mg/dL,mg/dL,-32 +822485248,3348292,-63,1,sodium,135.0,135,mmol/L,mmol/L,-32 +824415108,3348292,7291,1,potassium,3.9,3.9,mmol/L,mmol/L,7321 +822485249,3348292,-63,1,bicarbonate,22.0,22,mmol/L,mmol/L,-32 +827014001,3348292,9804,4,bedside glucose,158.0,158,mg/dL,mg/dL,9804 +823570625,3348292,7920,1,potassium,3.6,3.6,mmol/L,mmol/L,7982 +825304058,3348292,2147,3,platelets x 1000,130.0,130,K/mcL,K/uL,2158 +822595381,3348292,2895,1,sodium,130.0,130,mmol/L,mmol/L,2937 +825304050,3348292,2147,3,RBC,3.49,3.49,M/mcL,M/uL,2158 +823454047,3348292,3610,1,creatinine,1.47,1.47,mg/dL,mg/dL,3666 +825304051,3348292,2147,3,Hct,31.0,31,%,%,2158 +822833792,3348292,-63,1,troponin - I,,<0.03,ng/mL,ng/mL,-23 +825304049,3348292,2147,3,MPV,10.0,10.0,fL,fL,2158 +823454048,3348292,3610,1,anion gap,4.0,4,,,3666 +825304056,3348292,2147,3,MCH,29.0,29,pg,pg,2158 +823182874,3348292,7920,1,phosphate,2.9,2.9,mg/dL,mg/dL,7982 +825304055,3348292,2147,3,RDW,15.3,15.3,%,%,2158 +823679216,3348292,9408,1,magnesium,1.5,1.5,mg/dL,mg/dL,9505 +825304052,3348292,2147,3,MCV,88.0,88,fL,fL,2158 +822485250,3348292,-63,1,calcium,8.3,8.3,mg/dL,mg/dL,-32 +825304053,3348292,2147,3,Hgb,10.1,10.1,g/dL,g/dL,2158 +823454049,3348292,3610,1,sodium,134.0,134,mmol/L,mmol/L,3666 +825304054,3348292,2147,3,WBC x 1000,13.0,13.0,K/mcL,K/uL,2158 +823060663,3348292,5065,1,magnesium,1.8,1.8,mg/dL,mg/dL,5116 +825304057,3348292,2147,3,MCHC,33.0,33,g/dL,%,2158 +823570633,3348292,7920,1,BUN,13.0,13,mg/dL,mg/dL,7982 +825637312,3348292,740,3,platelets x 1000,162.0,162,K/mcL,K/uL,767 +822087448,3348292,2895,1,potassium,3.4,3.4,mmol/L,mmol/L,2937 +825637311,3348292,740,3,MCHC,33.0,33,g/dL,%,767 +823570627,3348292,7920,1,anion gap,4.0,4,,,7982 +825637308,3348292,740,3,WBC x 1000,4.7,4.7,K/mcL,K/uL,767 +823271603,3348292,740,1,triglycerides,47.0,47,mg/dL,mg/dL,796 +825637309,3348292,740,3,RDW,15.1,15.1,%,%,767 +823454050,3348292,3610,1,bicarbonate,30.0,30,mmol/L,mmol/L,3666 +825637307,3348292,740,3,Hgb,13.1,13.1,g/dL,g/dL,767 +825220687,3348292,6535,3,MCV,89.0,89,fL,fL,6579 +825637310,3348292,740,3,MCH,29.0,29,pg,pg,767 +823454046,3348292,3610,1,potassium,3.2,3.2,mmol/L,mmol/L,3666 +825637306,3348292,740,3,MCV,89.0,89,fL,fL,767 +825220689,3348292,6535,3,WBC x 1000,8.7,8.7,K/mcL,K/uL,6579 +825637305,3348292,740,3,Hct,40.0,40,%,%,767 +823570626,3348292,7920,1,creatinine,1.08,1.08,mg/dL,mg/dL,7982 +825637303,3348292,740,3,MPV,10.0,10.0,fL,fL,767 +825220691,3348292,6535,3,MCH,30.0,30,pg,pg,6579 +826804809,3348292,10046,4,bedside glucose,174.0,174,mg/dL,mg/dL,10046 +823570628,3348292,7920,1,sodium,132.0,132,mmol/L,mmol/L,7982 +825637304,3348292,740,3,RBC,4.47,4.47,M/mcL,M/uL,767 +825220690,3348292,6535,3,RDW,15.1,15.1,%,%,6579 +829268688,3348292,2146,7,FiO2,40.0,40,%,%,2146 +823570629,3348292,7920,1,bicarbonate,31.0,31,mmol/L,mmol/L,7982 +829268694,3348292,2146,7,O2 Sat (%),94.0,94.0,%,%,2146 +825220692,3348292,6535,3,MCHC,34.0,34,g/dL,%,6579 +829268686,3348292,2146,7,TV,300.0,300,mls,mL,2146 +823570630,3348292,7920,1,calcium,6.7,6.7,mg/dL,mg/dL,7982 +829268689,3348292,2146,7,paO2,72.0,72.0,mm Hg,mmHg,2146 +829258683,3348292,2655,7,O2 Sat (%),98.0,98.0,%,%,2655 +829268690,3348292,2146,7,paCO2,40.2,40.2,mm Hg,mmHg,2146 +825220686,3348292,6535,3,Hct,27.0,27,%,%,6579 +829268683,3348292,2146,7,PEEP,5.0,5,cm H2O,cm/H2O,2146 +822588824,3348292,6535,1,bicarbonate,31.0,31,mmol/L,mmol/L,6624 +829268691,3348292,2146,7,pH,7.381,7.381,,,2146 +829258684,3348292,2655,7,Base Excess,-2.0,-2.0,mEq/L,mmol/L,2655 +829268687,3348292,2146,7,Vent Rate,16.0,16,/min,/Min,2146 +822496769,3348292,5065,1,anion gap,2.0,2,,,5116 +829268695,3348292,2146,7,Base Excess,-1.0,-1.0,mEq/L,mmol/L,2146 +823433838,3348292,6535,1,ionized calcium,4.4,4.4,mg/dL,mg/dL,6604 +829268685,3348292,2146,7,HCO3,23.8,23.8,mmol/L,mmol/L,2146 +823921151,3348292,9793,1,potassium,3.5,3.5,mmol/L,mmol/L,9868 +822588821,3348292,6535,1,creatinine,1.08,1.08,mg/dL,mg/dL,6624 +824397534,3348292,3610,1,ionized calcium,4.0,4.0,mg/dL,mg/dL,3652 +829258679,3348292,2655,7,pH,7.405,7.405,,,2655 +824874321,3348292,7920,3,MPV,9.8,9.8,fL,fL,7959 +822588823,3348292,6535,1,sodium,135.0,135,mmol/L,mmol/L,6624 +824073219,3348292,9408,1,creatinine,1.03,1.03,mg/dL,mg/dL,9505 +825220688,3348292,6535,3,Hgb,9.0,9.0,g/dL,g/dL,6579 +824874327,3348292,7920,3,RDW,15.0,15.0,%,%,7959 +822496770,3348292,5065,1,sodium,135.0,135,mmol/L,mmol/L,5116 +824073225,3348292,9408,1,chloride,93.0,93,mmol/L,mmol/L,9505 +829258672,3348292,2655,7,Pressure Support,10.0,10,cm H2O,cm/H2O,2655 +824874324,3348292,7920,3,MCV,88.0,88,fL,fL,7959 +822588828,3348292,6535,1,BUN,9.0,9,mg/dL,mg/dL,6624 +825063160,3348292,-63,3,Hct,37.0,37,%,%,-54 +823570631,3348292,7920,1,glucose,116.0,116,mg/dL,mg/dL,7982 +824073218,3348292,9408,1,potassium,3.0,3.0,mmol/L,mmol/L,9505 +822588825,3348292,6535,1,calcium,6.7,6.7,mg/dL,mg/dL,6624 +825063161,3348292,-63,3,-eos,1.0,1,%,%,-54 +829258677,3348292,2655,7,paO2,96.0,96.0,mm Hg,mmHg,2655 +824874326,3348292,7920,3,WBC x 1000,10.6,10.6,K/mcL,K/uL,7959 +822496768,3348292,5065,1,creatinine,1.26,1.26,mg/dL,mg/dL,5116 +825063156,3348292,-63,3,MPV,9.2,9.2,fL,fL,-54 +825220693,3348292,6535,3,platelets x 1000,118.0,118,K/mcL,K/uL,6579 +824073226,3348292,9408,1,BUN,17.0,17,mg/dL,mg/dL,9505 +822686184,3348292,3610,1,magnesium,2.1,2.1,mg/dL,mg/dL,3666 +825063157,3348292,-63,3,-lymphs,34.0,34,%,%,-54 +829258678,3348292,2655,7,paCO2,36.8,36.8,mm Hg,mmHg,2655 +824874325,3348292,7920,3,Hgb,8.7,8.7,g/dL,g/dL,7959 +822667940,3348292,740,1,bicarbonate,15.0,15,mmol/L,mmol/L,817 +825063162,3348292,-63,3,MCV,92.0,92,fL,fL,-54 +823570632,3348292,7920,1,chloride,98.0,98,mmol/L,mmol/L,7982 +824073223,3348292,9408,1,calcium,6.6,6.6,mg/dL,mg/dL,9505 +822667942,3348292,740,1,glucose,141.0,141,mg/dL,mg/dL,817 +825063158,3348292,-63,3,RBC,4.07,4.07,M/mcL,M/uL,-54 +829258674,3348292,2655,7,HCO3,23.0,23.0,mmol/L,mmol/L,2655 +824874323,3348292,7920,3,Hct,27.0,27,%,%,7959 +822667941,3348292,740,1,calcium,6.0,6.0,mg/dL,mg/dL,817 +825063159,3348292,-63,3,-basos,1.0,1,%,%,-54 +823711829,3348292,740,1,magnesium,1.4,1.4,mg/dL,mg/dL,796 +829141796,3348292,3683,7,Base Excess,2.0,2.0,mEq/L,mmol/L,3683 +822667936,3348292,740,1,potassium,3.7,3.7,mmol/L,mmol/L,817 +825063167,3348292,-63,3,-monos,1.0,1,%,%,-54 +829258676,3348292,2655,7,FiO2,40.0,40,%,%,2655 +824073221,3348292,9408,1,sodium,131.0,131,mmol/L,mmol/L,9505 +822667939,3348292,740,1,sodium,138.0,138,mmol/L,mmol/L,817 +825063168,3348292,-63,3,MCHC,32.0,32,g/dL,%,-54 +823454054,3348292,3610,1,BUN,18.0,18,mg/dL,mg/dL,3666 +829141789,3348292,3683,7,paO2,78.0,78.0,mm Hg,mmHg,3683 +822667943,3348292,740,1,chloride,112.0,112,mmol/L,mmol/L,817 +825063169,3348292,-63,3,platelets x 1000,238.0,238,K/mcL,K/uL,-54 +829258682,3348292,2655,7,Spontaneous Rate,7.0,7,/min,Breaths,2655 +824874322,3348292,7920,3,RBC,3.02,3.02,M/mcL,M/uL,7959 +822613552,3348292,5065,1,phosphate,1.7,1.7,mg/dL,mg/dL,5116 +825063165,3348292,-63,3,RDW,14.0,14.0,%,%,-54 +825220685,3348292,6535,3,RBC,3.01,3.01,M/mcL,M/uL,6579 +829141790,3348292,3683,7,paCO2,42.3,42.3,mm Hg,mmHg,3683 +822496775,3348292,5065,1,BUN,14.0,14,mg/dL,mg/dL,5116 +825063163,3348292,-63,3,Hgb,12.0,12.0,g/dL,g/dL,-54 +829258671,3348292,2655,7,PEEP,5.0,5,cm H2O,cm/H2O,2655 +824073222,3348292,9408,1,bicarbonate,31.0,31,mmol/L,mmol/L,9505 +822667937,3348292,740,1,creatinine,0.95,0.95,mg/dL,mg/dL,817 +829531258,3348292,347,7,O2 Sat (%),99.0,99.0,%,%,347 +823454053,3348292,3610,1,chloride,100.0,100,mmol/L,mmol/L,3666 +829141787,3348292,3683,7,FiO2,28.0,28,%,%,3683 +822667938,3348292,740,1,anion gap,11.0,11,,,817 +825478624,3348292,-63,3,PT,11.4,11.4,sec,sec,-66 +829258675,3348292,2655,7,TV,645.0,645,mls,mL,2655 +824874328,3348292,7920,3,MCH,29.0,29,pg,pg,7959 +822588826,3348292,6535,1,glucose,113.0,113,mg/dL,mg/dL,6624 +829531259,3348292,347,7,Base Excess,-14.0,-14.0,mEq/L,mmol/L,347 +823982692,3348292,770,1,lactate,1.5,1.5,mmol/L,mmol/L,792 +829141794,3348292,3683,7,Spontaneous Rate,18.0,18,/min,Breaths,3683 +822667944,3348292,740,1,BUN,15.0,15,mg/dL,mg/dL,817 +825063166,3348292,-63,3,MCH,30.0,30,pg,pg,-54 +823968864,3348292,5900,1,phosphate,2.8,2.8,mg/dL,mg/dL,5941 +824073220,3348292,9408,1,anion gap,7.0,7,,,9505 +822496774,3348292,5065,1,chloride,103.0,103,mmol/L,mmol/L,5116 +829531255,3348292,347,7,paO2,148.0,148.0,mm Hg,mmHg,347 +823454052,3348292,3610,1,glucose,147.0,147,mg/dL,mg/dL,3666 +824424333,3348292,1335,1,magnesium,2.7,2.7,mg/dL,mg/dL,1363 +822588827,3348292,6535,1,chloride,100.0,100,mmol/L,mmol/L,6624 +829141795,3348292,3683,7,O2 Sat (%),95.0,95.0,%,%,3683 +822849591,3348292,3610,1,triglycerides,88.0,88,mg/dL,mg/dL,3666 +824146966,3348292,10075,1,potassium,3.8,3.8,mmol/L,mmol/L,10125 +824406600,3348292,4705,1,potassium,3.8,3.8,mmol/L,mmol/L,4739 +825478625,3348292,-63,3,PT - INR,1.08,1.08,ratio,,-66 +822588820,3348292,6535,1,potassium,3.3,3.3,mmol/L,mmol/L,6624 +827161011,3348292,10351,4,bedside glucose,138.0,138,mg/dL,mg/dL,10351 +822114322,3348292,9408,1,phosphate,2.8,2.8,mg/dL,mg/dL,9505 +824874329,3348292,7920,3,MCHC,33.0,33,g/dL,%,7959 +825220684,3348292,6535,3,MPV,9.6,9.6,fL,fL,6579 +825779003,3348292,9408,3,MPV,9.7,9.7,fL,fL,9481 +822091024,3348292,3610,1,phosphate,2.6,2.6,mg/dL,mg/dL,3666 +826287211,3348292,3610,3,RBC,2.82,2.82,M/mcL,M/uL,3642 +823324614,3348292,7291,1,magnesium,1.9,1.9,mg/dL,mg/dL,7321 +825779004,3348292,9408,3,RBC,3.13,3.13,M/mcL,M/uL,9481 +822496767,3348292,5065,1,potassium,3.5,3.5,mmol/L,mmol/L,5116 +829531256,3348292,347,7,paCO2,28.7,28.7,mm Hg,mmHg,347 +822062681,3348292,5509,1,potassium,3.9,3.9,mmol/L,mmol/L,5532 +825916437,3348292,5065,3,RBC,2.9,2.90,M/mcL,M/uL,5087 +822338566,3348292,740,1,phosphate,3.2,3.2,mg/dL,mg/dL,796 +826287212,3348292,3610,3,Hct,25.0,25,%,%,3642 +827387072,3348292,11006,4,bedside glucose,175.0,175,mg/dL,mg/dL,11006 +825916438,3348292,5065,3,Hct,25.0,25,%,%,5087 +822975663,3348292,9793,1,magnesium,1.9,1.9,mg/dL,mg/dL,9868 +829141791,3348292,3683,7,pH,7.409,7.409,,,3683 +822950626,3348292,6535,1,phosphate,2.6,2.6,mg/dL,mg/dL,6695 +825916439,3348292,5065,3,MCV,88.0,88,fL,fL,5087 +829956094,3348292,754,7,Vent Rate,16.0,16,/min,/Min,754 +826287218,3348292,3610,3,MCHC,33.0,33,g/dL,%,3642 +827356200,3348292,11155,4,WBC's in urine,,<5,,/HPF,11176 +825779005,3348292,9408,3,Hct,28.0,28,%,%,9481 +829956095,3348292,754,7,FiO2,50.0,50,%,%,754 +825063164,3348292,-63,3,WBC x 1000,2.0,2.0,K/mcL,K/uL,-54 +822496772,3348292,5065,1,calcium,6.7,6.7,mg/dL,mg/dL,5116 +825916443,3348292,5065,3,MCH,29.0,29,pg,pg,5087 +823558921,3348292,2147,1,potassium,3.3,3.3,mmol/L,mmol/L,2176 +826287217,3348292,3610,3,MCH,29.0,29,pg,pg,3642 +822246699,3348292,7920,1,magnesium,1.8,1.8,mg/dL,mg/dL,7982 +825916444,3348292,5065,3,MCHC,33.0,33,g/dL,%,5087 +829956096,3348292,754,7,paO2,130.0,130.0,mm Hg,mmHg,754 +824073224,3348292,9408,1,glucose,134.0,134,mg/dL,mg/dL,9505 +823454051,3348292,3610,1,calcium,6.1,6.1,mg/dL,mg/dL,3666 +825779010,3348292,9408,3,MCH,28.0,28,pg,pg,9481 +823558922,3348292,2147,1,creatinine,1.44,1.44,mg/dL,mg/dL,2176 +826287219,3348292,3610,3,platelets x 1000,105.0,105,K/mcL,K/uL,3642 +827356201,3348292,11155,4,urinary specific gravity,1.012,1.012,,,11176 +825779011,3348292,9408,3,MCHC,32.0,32,g/dL,%,9481 +829956092,3348292,754,7,HCO3,14.9,14.9,mmol/L,mmol/L,754 +829531254,3348292,347,7,HCO3,13.6,13.6,mmol/L,mmol/L,347 +822496771,3348292,5065,1,bicarbonate,30.0,30,mmol/L,mmol/L,5116 +825916442,3348292,5065,3,RDW,15.1,15.1,%,%,5087 +823558923,3348292,2147,1,anion gap,6.0,6,,,2176 +826287216,3348292,3610,3,RDW,15.4,15.4,%,%,3642 +823492276,3348292,-63,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-32 +825916445,3348292,5065,3,platelets x 1000,110.0,110,K/mcL,K/uL,5087 +829956097,3348292,754,7,paCO2,33.6,33.6,mm Hg,mmHg,754 +829141786,3348292,3683,7,HCO3,26.7,26.7,mmol/L,mmol/L,3683 +822973913,3348292,6535,1,triglycerides,79.0,79,mg/dL,mg/dL,6624 +825779006,3348292,9408,3,MCV,88.0,88,fL,fL,9481 +823558924,3348292,2147,1,sodium,133.0,133,mmol/L,mmol/L,2176 +826287215,3348292,3610,3,WBC x 1000,10.5,10.5,K/mcL,K/uL,3642 +823492277,3348292,-63,1,alkaline phos.,71.0,71,Units/L,IU/L,-32 +825779009,3348292,9408,3,RDW,15.0,15.0,%,%,9481 +829956098,3348292,754,7,pH,7.254,7.254,,,754 +824784856,3348292,-63,3,PTT,26.0,26,sec,sec,-66 +822588822,3348292,6535,1,anion gap,4.0,4,,,6624 +825916441,3348292,5065,3,WBC x 1000,11.3,11.3,K/mcL,K/uL,5087 +823558929,3348292,2147,1,BUN,20.0,20,mg/dL,mg/dL,2176 +826287210,3348292,3610,3,MPV,10.5,10.5,fL,fL,3642 +823492279,3348292,-63,1,albumin,3.6,3.6,g/dL,g/dL,-32 +825779012,3348292,9408,3,platelets x 1000,147.0,147,K/mcL,K/uL,9481 +829346333,3348292,754,7,O2 Sat (%),98.0,98.0,%,%,754 +829327743,3348292,432,7,Base Excess,-13.0,-13.0,mEq/L,mmol/L,432 +823952320,3348292,5065,1,ionized calcium,4.6,4.6,mg/dL,mg/dL,5099 +824874330,3348292,7920,3,platelets x 1000,133.0,133,K/mcL,K/uL,7959 +823558928,3348292,2147,1,chloride,101.0,101,mmol/L,mmol/L,2176 +825779007,3348292,9408,3,Hgb,8.8,8.8,g/dL,g/dL,9481 +823492281,3348292,-63,1,direct bilirubin,0.2,0.2,mg/dL,mg/dL,-32 +829327742,3348292,432,7,O2 Sat (%),98.0,98.0,%,%,432 +829956093,3348292,754,7,TV,300.0,300,mls,mL,754 +826287213,3348292,3610,3,MCV,87.0,87,fL,fL,3642 +822496773,3348292,5065,1,glucose,161.0,161,mg/dL,mg/dL,5116 +825916440,3348292,5065,3,Hgb,8.3,8.3,g/dL,g/dL,5087 +823558925,3348292,2147,1,bicarbonate,26.0,26,mmol/L,mmol/L,2176 +829327738,3348292,432,7,HCO3,14.7,14.7,mmol/L,mmol/L,432 +823492280,3348292,-63,1,total protein,6.4,6.4,g/dL,g/dL,-32 +829531257,3348292,347,7,pH,7.274,7.274,,,347 +829346334,3348292,754,7,Base Excess,-12.0,-12.0,mEq/L,mmol/L,754 +825779008,3348292,9408,3,WBC x 1000,14.7,14.7,K/mcL,K/uL,9481 +822775375,3348292,6535,1,magnesium,1.4,1.4,mg/dL,mg/dL,6624 +829327739,3348292,432,7,paO2,125.0,125.0,mm Hg,mmHg,432 +823558926,3348292,2147,1,calcium,5.7,5.7,mg/dL,mg/dL,2176 +826287214,3348292,3610,3,Hgb,8.2,8.2,g/dL,g/dL,3642 +823492282,3348292,-63,1,ALT (SGPT),12.0,12,Units/L,IU/L,-32 +823560505,3348292,1040,1,ionized calcium,4.0,4.0,mg/dL,mg/dL,1075 +829956090,3348292,754,7,PEEP,5.0,5,cm H2O,cm/H2O,754 +829327740,3348292,432,7,paCO2,33.3,33.3,mm Hg,mmHg,432 +823767854,3348292,4411,1,potassium,3.4,3.4,mmol/L,mmol/L,4440 +829141788,3348292,3683,7,LPM O2,2.0,2.0,L/min,LPM,3683 +823558927,3348292,2147,1,glucose,192.0,192,mg/dL,mg/dL,2176 +825916436,3348292,5065,3,MPV,9.7,9.7,fL,fL,5087 +823492278,3348292,-63,1,AST (SGOT),20.0,20,Units/L,IU/L,-32 +829327741,3348292,432,7,pH,7.244,7.244,,,432 +91984624,378120,-284,3,MCHC,30.0,30,g/dL,g/dl,-251 +91984623,378120,-284,3,MCH,21.0,21,pg,uug,-251 +90908842,378120,-865,3,MCV,73.2,73.2,fL,fl,-870 +91984617,378120,-284,3,RBC,3.15,3.15,M/mcL,M/cmm,-251 +90908843,378120,-865,3,Hgb,6.0,6.0,g/dL,g/dl,-870 +91984618,378120,-284,3,Hct,21.7,21.7,%,%,-251 +90908846,378120,-865,3,MCHC,27.5,27.5,g/dL,g/dl,-870 +91984625,378120,-284,3,platelets x 1000,356.0,356,K/mcL,K/cmm,-251 +90908845,378120,-865,3,MCH,20.1,20.1,pg,uug,-870 +91984621,378120,-284,3,WBC x 1000,9.5,9.5,K/mcL,K/cmm,-251 +90908844,378120,-865,3,WBC x 1000,6.4,6.4,K/mcL,K/cmm,-870 +91984619,378120,-284,3,MCV,69.0,69,fL,fl,-251 +90908847,378120,-865,3,platelets x 1000,425.0,425,K/mcL,K/cmm,-870 +88548496,378120,186,3,PT - INR,1.0,1.0,ratio,,237 +90908839,378120,-865,3,RBC,2.98,2.98,M/mcL,M/cmm,-870 +91984620,378120,-284,3,Hgb,6.6,6.6,g/dL,g/dl,-251 +90908840,378120,-865,3,-polys,70.9,70.9,%,%,-870 +88548495,378120,186,3,PT,10.2,10.2,sec,sec,237 +90908838,378120,-865,3,-lymphs,23.6,23.6,%,%,-870 +88395265,378120,3496,3,Hgb,7.2,7.2,g/dL,g/dl,3548 +89340539,378120,2756,3,Hgb,7.4,7.4,g/dL,g/dl,2801 +91984622,378120,-284,3,RDW,21.2,21.2,%,%,-251 +83390248,378120,1706,1,BUN,23.0,23,mg/dL,mg/dl,1771 +82858440,378120,-853,1,troponin - I,0.0,0.00,ng/mL,ng/ml,-841 +90908841,378120,-865,3,Hct,21.8,21.8,%,%,-870 +93273694,378120,1706,3,WBC x 1000,15.4,15.4,K/mcL,K/cmm,1759 +89340538,378120,2756,3,Hct,23.3,23.3,%,%,2801 +88395264,378120,3496,3,Hct,22.7,22.7,%,%,3548 +83390246,378120,1706,1,glucose,112.0,112,mg/dL,mg/dl,1771 +89420086,378120,3136,3,-polys,85.0,85,%,%,3184 +93273686,378120,1706,3,-lymphs,9.0,9,%,%,1784 +89420082,378120,3136,3,MCHC,34.0,34,g/dL,g/dl,3165 +83390239,378120,1706,1,AST (SGOT),10.0,10,Units/L,IU/L,1771 +89420083,378120,3136,3,platelets x 1000,171.0,171,K/mcL,K/cmm,3165 +93273688,378120,1706,3,-basos,,0,%,ug/L,1784 +89420084,378120,3136,3,-lymphs,10.0,10,%,%,3184 +83390238,378120,1706,1,alkaline phos.,51.0,51,Units/L,IU/L,1771 +89420087,378120,3136,3,-eos,0.0,0,%,%,3184 +93273689,378120,1706,3,-polys,85.0,85,%,%,1784 +88973200,378120,186,3,MCH,22.0,22,pg,uug,224 +83390243,378120,1706,1,total protein,6.1,6.1,g/dL,g/dL,1771 +89420085,378120,3136,3,-basos,,0,%,ug/L,3184 +93273690,378120,1706,3,Hct,23.2,23.2,%,%,1759 +88973199,378120,186,3,RDW,24.8,24.8,%,%,224 +83390240,378120,1706,1,sodium,139.0,139,mmol/L,meq/L,1771 +89420080,378120,3136,3,RDW,22.2,22.2,%,%,3165 +93273687,378120,1706,3,RBC,3.0,3.00,M/mcL,M/cmm,1759 +88973194,378120,186,3,RBC,3.42,3.42,M/mcL,M/cmm,224 +83390242,378120,1706,1,bicarbonate,25.0,25.0,mmol/L,meq/L,1771 +89420078,378120,3136,3,Hgb,7.7,7.7,g/dL,g/dl,3165 +93273691,378120,1706,3,-eos,0.0,0,%,%,1784 +88973201,378120,186,3,MCHC,29.0,29,g/dL,g/dl,224 +83390245,378120,1706,1,ALT (SGPT),9.0,9,Units/L,IU/L,1771 +89420081,378120,3136,3,MCH,26.0,26,pg,uug,3165 +93273692,378120,1706,3,MCV,77.0,77,fL,fl,1759 +88973195,378120,186,3,Hct,25.3,25.3,%,%,224 +83390244,378120,1706,1,calcium,7.4,7.4,mg/dL,mg/dl,1771 +89420088,378120,3136,3,-monos,5.0,5,%,%,3184 +93273695,378120,1706,3,RDW,22.9,22.9,%,%,1759 +88973196,378120,186,3,MCV,74.0,74,fL,fl,224 +83390247,378120,1706,1,chloride,105.0,105,mmol/L,meq/L,1771 +89420079,378120,3136,3,WBC x 1000,12.2,12.2,K/mcL,K/cmm,3165 +93273699,378120,1706,3,platelets x 1000,202.0,202,K/mcL,K/cmm,1759 +84790232,378120,701,1,chloride,114.0,114,mmol/L,meq/L,789 +83390235,378120,1706,1,total bilirubin,0.5,0.5,mg/dL,mg/dl,1771 +89839331,378120,3136,3,PT,10.3,10.3,sec,sec,3174 +93273696,378120,1706,3,MCH,25.0,25,pg,uug,1759 +84790233,378120,701,1,BUN,21.0,21,mg/dL,mg/dl,789 +83390236,378120,1706,1,potassium,3.6,3.6,mmol/L,meq/L,1771 +88973198,378120,186,3,WBC x 1000,14.1,14.1,K/mcL,K/cmm,224 +84888649,378120,3136,1,glucose,92.0,92,mg/dL,mg/dl,3171 +84790228,378120,701,1,sodium,139.0,139,mmol/L,meq/L,789 +93273697,378120,1706,3,-monos,6.0,6,%,%,1784 +89420076,378120,3136,3,Hct,22.8,22.8,%,%,3165 +84888651,378120,3136,1,BUN,11.0,11,mg/dL,mg/dl,3171 +84790230,378120,701,1,calcium,6.8,6.8,mg/dL,mg/dl,789 +83390241,378120,1706,1,albumin,3.4,3.4,g/dL,g/dl,1771 +103950861,378120,27,7,FiO2,21.0,21,%,%,27 +84888648,378120,3136,1,calcium,7.5,7.5,mg/dL,mg/dl,3171 +84790229,378120,701,1,bicarbonate,15.0,15.0,mmol/L,meq/L,789 +93273698,378120,1706,3,MCHC,32.0,32,g/dL,g/dl,1759 +88973197,378120,186,3,Hgb,7.4,7.4,g/dL,g/dl,224 +84888650,378120,3136,1,chloride,104.0,104,mmol/L,meq/L,3171 +84790231,378120,701,1,glucose,112.0,112,mg/dL,mg/dl,789 +83199599,378120,-869,1,glucose,158.0,158,mg/dL,mg/dl,-868 +89420075,378120,3136,3,RBC,2.97,2.97,M/mcL,M/cmm,3165 +95486010,378120,12,4,bedside glucose,147.0,147,mg/dL,mg/dl,14 +84790227,378120,701,1,creatinine,1.64,1.64,mg/dL,mg/dl,789 +83199600,378120,-869,1,chloride,107.9,107.9,mmol/L,meq/L,-868 +83819432,378120,3136,1,magnesium,1.5,1.50,mg/dL,meq/L,3171 +84888645,378120,3136,1,creatinine,0.73,0.73,mg/dL,mg/dl,3171 +90647512,378120,2016,3,Hct,22.0,22.0,%,%,2068 +83199598,378120,-869,1,ionized calcium,1.18,1.18,mg/dL,mmol/L,-868 +94501553,378120,1386,3,Hct,23.9,23.9,%,%,1418 +83390237,378120,1706,1,creatinine,1.21,1.21,mg/dL,mg/dl,1771 +89839332,378120,3136,3,PT - INR,1.0,1.0,ratio,,3174 +83199601,378120,-869,1,BUN,14.0,14,mg/dL,mg/dl,-868 +92809913,378120,701,3,Hct,19.2,19.2,%,%,773 +84888647,378120,3136,1,bicarbonate,26.0,26.0,mmol/L,meq/L,3171 +84790226,378120,701,1,potassium,3.6,3.6,mmol/L,meq/L,789 +83199596,378120,-869,1,sodium,137.9,137.9,mmol/L,meq/L,-868 +88695851,378120,2446,3,Hct,24.1,24.1,%,%,2482 +96437652,378120,-93,4,bedside glucose,130.0,130,mg/dL,mg/dl,-84 +90647513,378120,2016,3,Hgb,7.1,7.1,g/dL,g/dl,2068 +83199597,378120,-869,1,bicarbonate,19.0,19.0,mmol/L,meq/L,-868 +83735024,378120,1706,1,magnesium,1.28,1.28,mg/dL,meq/L,1771 +84888644,378120,3136,1,potassium,3.6,3.6,mmol/L,meq/L,3171 +88973202,378120,186,3,platelets x 1000,312.0,312,K/mcL,K/cmm,224 +83199594,378120,-869,1,potassium,2.95,2.95,mmol/L,meq/L,-868 +92809914,378120,701,3,Hgb,6.1,6.1,g/dL,g/dl,773 +93273693,378120,1706,3,Hgb,7.5,7.5,g/dL,g/dl,1759 +89325676,378120,6101,3,Hgb,8.0,8.0,g/dL,g/dl,6180 +83199595,378120,-869,1,creatinine,0.9,0.9,mg/dL,mg/dl,-868 +88695852,378120,2446,3,Hgb,7.8,7.8,g/dL,g/dl,2482 +84888646,378120,3136,1,sodium,137.0,137,mmol/L,meq/L,3171 +89420077,378120,3136,3,MCV,77.0,77,fL,fl,3165 +92794982,378120,4466,3,Hct,22.6,22.6,%,%,4569 +94549585,378120,5365,3,Hct,23.4,23.4,%,%,5391 +90247285,378120,3896,3,Hgb,7.4,7.4,g/dL,g/dl,3933 +94501554,378120,1386,3,Hgb,7.8,7.8,g/dL,g/dl,1418 +92794981,378120,4466,3,Hgb,7.5,7.5,g/dL,g/dl,4569 +89325677,378120,6101,3,Hct,23.3,23.3,%,%,6180 +90247284,378120,3896,3,Hct,22.8,22.8,%,%,3933 +94549584,378120,5365,3,Hgb,7.8,7.8,g/dL,g/dl,5391 +49908898,165752,530,3,-polys,79.0,79,%,%,569 +52612606,165752,1987,3,-eos,1.0,1,%,%,2047 +49908895,165752,530,3,MCHC,33.2,33.2,g/dL,g/dL,569 +52612605,165752,1987,3,-monos,8.0,8,%,%,2047 +49908897,165752,530,3,platelets x 1000,195.0,195,K/mcL,K/mcL,569 +52612607,165752,1987,3,-basos,0.0,0,%,%,2047 +49908896,165752,530,3,RDW,14.6,14.6,%,%,569 +52612604,165752,1987,3,-lymphs,15.0,15,%,%,2047 +49908901,165752,530,3,-eos,0.0,0,%,%,569 +52612600,165752,1987,3,MCHC,33.5,33.5,g/dL,g/dL,2047 +52612601,165752,1987,3,RDW,14.5,14.5,%,%,2047 +49908900,165752,530,3,-monos,10.0,10,%,%,569 +52612603,165752,1987,3,-polys,76.0,76,%,%,2047 +49908899,165752,530,3,-lymphs,11.0,11,%,%,569 +52612597,165752,1987,3,Hct,38.5,38.5,%,%,2047 +49908892,165752,530,3,Hct,38.0,38.0,%,%,569 +52612598,165752,1987,3,MCV,104.3,104.3,fL,fl,2047 +49908893,165752,530,3,MCV,102.4,102.4,fL,fl,569 +52612599,165752,1987,3,MCH,35.0,35.0,pg,pg,2047 +44527817,165752,530,1,glucose,108.0,108,mg/dL,mg/dL,579 +49908889,165752,530,3,WBC x 1000,15.3,15.3,K/mcL,K/mcL,569 +44527816,165752,530,1,anion gap,10.0,10,,mmol/L,579 +52612602,165752,1987,3,platelets x 1000,150.0,150,K/mcL,K/mcL,2047 +44527818,165752,530,1,BUN,4.0,4,mg/dL,mg/dL,579 +49908890,165752,530,3,RBC,3.71,3.71,M/mcL,mil/mcL,569 +44527819,165752,530,1,creatinine,0.58,0.58,mg/dL,mg/dL,579 +52612596,165752,1987,3,Hgb,12.9,12.9,g/dL,g/dL,2047 +44527820,165752,530,1,calcium,8.3,8.3,mg/dL,mg/dL,579 +49908894,165752,530,3,MCH,34.0,34.0,pg,pg,569 +44527815,165752,530,1,bicarbonate,27.0,27,mmol/L,mmol/L,579 +52612595,165752,1987,3,RBC,3.69,3.69,M/mcL,mil/mcL,2047 +44527814,165752,530,1,chloride,104.0,104,mmol/L,mmol/L,579 +49908891,165752,530,3,Hgb,12.6,12.6,g/dL,g/dL,569 +44527813,165752,530,1,potassium,4.1,4.1,mmol/L,mmol/L,579 +52612594,165752,1987,3,WBC x 1000,12.9,12.9,K/mcL,K/mcL,2047 +44527812,165752,530,1,sodium,137.0,137,mmol/L,mmol/L,579 +49908902,165752,530,3,-basos,0.0,0,%,%,569 +177467238,663910,441,3,MCV,88.0,88,fL,fL,542 +166171584,663910,1986,3,RBC,4.41,4.41,M/mcL,M/MM3,2002 +177467236,663910,441,3,RBC,4.72,4.72,M/mcL,M/MM3,542 +166171590,663910,1986,3,MCH,29.5,29.5,pg,pg,2002 +177467235,663910,441,3,MPV,12.9,12.9,fL,fL,542 +166171585,663910,1986,3,Hct,39.1,39.1,%,%,2002 +177467244,663910,441,3,platelets x 1000,156.0,156,K/mcL,K/MM3,542 +166171589,663910,1986,3,RDW,15.9,15.9,%,%,2002 +177467237,663910,441,3,Hct,41.4,41.4,%,%,542 +166171592,663910,1986,3,platelets x 1000,127.0,127,K/mcL,K/MM3,2002 +159975151,663910,1854,1,chloride,109.0,109,mmol/L,mmol/L,1958 +177467239,663910,441,3,Hgb,14.1,14.1,g/dL,g/dL,542 +159975149,663910,1854,1,calcium,8.1,8.1,mg/dL,mg/dL,1958 +166171587,663910,1986,3,Hgb,13.0,13.0,g/dL,g/dL,2002 +159975152,663910,1854,1,BUN,13.0,13,mg/dL,mg/dL,1958 +140467696,663910,441,1,potassium,4.6,4.6,mmol/L,mmol/L,555 +177467242,663910,441,3,MCH,29.9,29.9,pg,pg,542 +159975150,663910,1854,1,glucose,111.0,111,mg/dL,mg/dL,1958 +140467697,663910,441,1,creatinine,0.78,0.78,mg/dL,mg/dL,555 +166171586,663910,1986,3,MCV,89.0,89,fL,fL,2002 +159975146,663910,1854,1,anion gap,8.0,8,,,1958 +140467701,663910,441,1,calcium,8.4,8.4,mg/dL,mg/dL,555 +177467241,663910,441,3,RDW,15.7,15.7,%,%,542 +159975147,663910,1854,1,sodium,142.0,142,mmol/L,mmol/L,1958 +140467702,663910,441,1,glucose,158.0,158,mg/dL,mg/dL,555 +166171591,663910,1986,3,MCHC,33.2,33.2,g/dL,g/dL,2002 +159975144,663910,1854,1,potassium,5.0,5.0,mmol/L,mmol/L,1958 +140467704,663910,441,1,BUN,16.0,16,mg/dL,mg/dL,555 +177467240,663910,441,3,WBC x 1000,19.4,19.4,K/mcL,K/MM3,542 +159975145,663910,1854,1,creatinine,0.88,0.88,mg/dL,mg/dL,1958 +140467698,663910,441,1,anion gap,12.0,12,,,555 +166171588,663910,1986,3,WBC x 1000,15.4,15.4,K/mcL,K/MM3,2002 +152712495,663910,1153,1,magnesium,2.6,2.6,mg/dL,mg/dL,1185 +140467699,663910,441,1,sodium,141.0,141,mmol/L,mmol/L,555 +177467243,663910,441,3,MCHC,34.1,34.1,g/dL,g/dL,542 +144782335,663910,1854,1,magnesium,2.5,2.5,mg/dL,mg/dL,1958 +140467703,663910,441,1,chloride,106.0,106,mmol/L,mmol/L,555 +155255991,663910,441,1,magnesium,1.5,1.5,mg/dL,mg/dL,555 +159975148,663910,1854,1,bicarbonate,25.0,25,mmol/L,mmol/L,1958 +140467700,663910,441,1,bicarbonate,23.0,23,mmol/L,mmol/L,555 +166171583,663910,1986,3,MPV,12.6,12.6,fL,fL,2002 +144722255,663910,1854,1,phosphate,2.5,2.5,mg/dL,mg/dL,1958 +72941846,263285,-1,1,glucose,261.0,261,mg/dL,mg/dL,50 +72941841,263285,-1,1,bicarbonate,6.0,6,mmol/L,mmol/L,53 +72941847,263285,-1,1,chloride,104.0,104,mmol/L,mmol/L,50 +72941845,263285,-1,1,ALT (SGPT),21.0,21,Units/L,U/L,50 +72941840,263285,-1,1,albumin,4.0,4.0,g/dL,g/dL,50 +72941839,263285,-1,1,sodium,139.0,139,mmol/L,mmol/L,50 +72941848,263285,-1,1,BUN,20.0,20,mg/dL,mg/dL,50 +72941844,263285,-1,1,phosphate,2.5,2.5,mg/dL,mg/dL,50 +72941842,263285,-1,1,total protein,6.4,6.4,g/dL,g/dL,50 +70859931,263285,2467,1,calcium,8.5,8.5,mg/dL,mg/dL,2497 +72941835,263285,-1,1,creatinine,1.0,1.0,mg/dL,mg/dL,50 +70859926,263285,2467,1,sodium,143.0,143,mmol/L,mmol/L,2497 +72941836,263285,-1,1,alkaline phos.,58.0,58,Units/L,U/L,50 +70859927,263285,2467,1,potassium,3.4,3.4,mmol/L,mmol/L,2497 +79121981,263285,1154,4,bedside glucose,157.0,157,mg/dL,mg/dL,1156 +70859928,263285,2467,1,chloride,105.0,105,mmol/L,mmol/L,2497 +72941837,263285,-1,1,anion gap,29.0,29,,mmol/L,50 +70859929,263285,2467,1,bicarbonate,30.0,30,mmol/L,mmol/L,2497 +79076466,263285,2825,4,bedside glucose,69.0,69,mg/dL,mg/dL,2827 +70859930,263285,2467,1,anion gap,8.0,8,,mmol/L,2497 +78738866,263285,2011,4,bedside glucose,167.0,167,mg/dL,mg/dL,2015 +72941834,263285,-1,1,potassium,5.0,5.0,mmol/L,mmol/L,50 +70859932,263285,2467,1,glucose,72.0,72,mg/dL,mg/dL,2497 +78153745,263285,525,4,bedside glucose,128.0,128,mg/dL,mg/dL,527 +78917259,263285,1097,4,bedside glucose,146.0,146,mg/dL,mg/dL,1100 +70859933,263285,2467,1,BUN,11.0,11,mg/dL,mg/dL,2497 +78679377,263285,588,4,bedside glucose,125.0,125,mg/dL,mg/dL,590 +72941838,263285,-1,1,AST (SGOT),29.0,29,Units/L,U/L,50 +78271244,263285,257,4,bedside glucose,188.0,188,mg/dL,mg/dL,261 +78650244,263285,1404,4,bedside glucose,138.0,138,mg/dL,mg/dL,1407 +72970167,263285,2467,1,creatinine,0.8,0.8,mg/dL,mg/dL,2497 +69503218,263285,724,1,potassium,3.7,3.7,mmol/L,mmol/L,756 +71423564,263285,498,1,glucose,155.0,155,mg/dL,mg/dL,527 +72941843,263285,-1,1,calcium,7.7,7.7,mg/dL,mg/dL,50 +72976745,263285,1009,1,calcium,7.9,7.9,mg/dL,mg/dL,1038 +69503222,263285,724,1,calcium,7.9,7.9,mg/dL,mg/dL,756 +71423565,263285,498,1,BUN,13.0,13,mg/dL,mg/dL,527 +78055810,263285,1338,4,bedside glucose,141.0,141,mg/dL,mg/dL,1341 +72976746,263285,1009,1,glucose,179.0,179,mg/dL,mg/dL,1038 +69503221,263285,724,1,anion gap,17.0,17,,mmol/L,756 +71423560,263285,498,1,chloride,109.0,109,mmol/L,mmol/L,527 +78621611,263285,2698,4,bedside glucose,174.0,174,mg/dL,mg/dL,2701 +72976747,263285,1009,1,BUN,13.0,13,mg/dL,mg/dL,1038 +69503219,263285,724,1,chloride,108.0,108,mmol/L,mmol/L,756 +71423559,263285,498,1,potassium,4.2,4.2,mmol/L,mmol/L,527 +78554220,263285,330,4,bedside glucose,192.0,192,mg/dL,mg/dL,332 +72976748,263285,1009,1,creatinine,0.9,0.9,mg/dL,mg/dL,1038 +72941833,263285,-1,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,50 +71423558,263285,498,1,sodium,140.0,140,mmol/L,mmol/L,527 +72949816,263285,724,1,BUN,13.0,13,mg/dL,mg/dL,756 +72976741,263285,1009,1,potassium,3.9,3.9,mmol/L,mmol/L,1038 +79005110,263285,909,4,bedside glucose,127.0,127,mg/dL,mg/dL,912 +71423562,263285,498,1,anion gap,13.0,13,,mmol/L,527 +69503217,263285,724,1,sodium,142.0,142,mmol/L,mmol/L,756 +72976742,263285,1009,1,chloride,106.0,106,mmol/L,mmol/L,1038 +78536698,263285,783,4,bedside glucose,122.0,122,mg/dL,mg/dL,785 +73011659,263285,1257,1,BUN,12.0,12,mg/dL,mg/dL,1293 +72949815,263285,724,1,glucose,123.0,123,mg/dL,mg/dL,756 +71423561,263285,498,1,bicarbonate,18.0,18,mmol/L,mmol/L,528 +78948242,263285,-5,4,bedside glucose,238.0,238,mg/dL,mg/dL,1230 +73011660,263285,1257,1,creatinine,0.7,0.7,mg/dL,mg/dL,1293 +69503220,263285,724,1,bicarbonate,17.0,17,mmol/L,mmol/L,757 +72976743,263285,1009,1,bicarbonate,23.0,23,mmol/L,mmol/L,1038 +78099361,263285,461,4,bedside glucose,140.0,140,mg/dL,mg/dL,465 +73011658,263285,1257,1,glucose,160.0,160,mg/dL,mg/dL,1293 +72949817,263285,724,1,creatinine,0.8,0.8,mg/dL,mg/dL,756 +71423566,263285,498,1,creatinine,1.0,1.0,mg/dL,mg/dL,527 +79016332,263285,76,4,bedside glucose,269.0,269,mg/dL,mg/dL,162 +73011657,263285,1257,1,calcium,8.2,8.2,mg/dL,mg/dL,1293 +78879616,263285,1214,4,bedside glucose,149.0,149,mg/dL,mg/dL,1218 +72976740,263285,1009,1,sodium,142.0,142,mmol/L,mmol/L,1038 +78974473,263285,845,4,bedside glucose,113.0,113,mg/dL,mg/dL,848 +73011656,263285,1257,1,anion gap,12.0,12,,mmol/L,1293 +79091472,263285,146,4,bedside glucose,247.0,247,mg/dL,mg/dL,162 +71423563,263285,498,1,calcium,8.2,8.2,mg/dL,mg/dL,527 +78626227,263285,-1,4,CRP,13.0,1.3,mg/dL,mg/L,52 +73011654,263285,1257,1,chloride,105.0,105,mmol/L,mmol/L,1293 +78191744,263285,970,4,bedside glucose,123.0,123,mg/dL,mg/dL,973 +79153963,263285,648,4,bedside glucose,113.0,113,mg/dL,mg/dL,651 +79045319,263285,1750,4,bedside glucose,140.0,140,mg/dL,mg/dL,1893 +73011655,263285,1257,1,bicarbonate,25.0,25,mmol/L,mmol/L,1293 +78036242,263285,207,4,bedside glucose,235.0,235,mg/dL,mg/dL,245 +72976744,263285,1009,1,anion gap,13.0,13,,mmol/L,1038 +78749578,263285,394,4,bedside glucose,152.0,152,mg/dL,mg/dL,396 +73011652,263285,1257,1,sodium,142.0,142,mmol/L,mmol/L,1293 +71364424,263285,44,1,lactate,2.5,2.5,mmol/L,mmol/L,76 +78545112,263285,712,4,bedside glucose,100.0,100,mg/dL,mg/dL,715 +78058304,263285,1277,4,bedside glucose,140.0,140,mg/dL,mg/dL,1280 +73011653,263285,1257,1,potassium,3.2,3.2,mmol/L,mmol/L,1293 +78124403,263285,1033,4,bedside glucose,131.0,131,mg/dL,mg/dL,1035 +755826301,3090122,-421,3,PT - INR,1.15,1.15,ratio,,-421 +755826303,3090122,-421,3,Hgb,10.3,10.3,g/dL,g/dL,-421 +757953435,3090122,5974,3,Hct,30.0,30.0,%,%,5974 +755826302,3090122,-421,3,MCV,90.7,90.7,fL,fL,-421 +757953436,3090122,5974,3,MCV,90.4,90.4,fL,fL,5974 +755826304,3090122,-421,3,WBC x 1000,14.8,14.8,K/mcL,10*9/l,-421 +743378038,3090122,7497,1,total protein,4.4,4.4,g/dL,G/DL,7497 +757953437,3090122,5974,3,MCH,29.8,29.8,pg,pg,5974 +743378044,3090122,7497,1,anion gap,6.8,6.8,,MMOL/L,7497 +755826305,3090122,-421,3,RDW,15.4,15.4,%,%,-421 +743378034,3090122,7497,1,bicarbonate,23.0,23.0,mmol/L,MMOL/L,7497 +757953434,3090122,5974,3,Hgb,9.9,9.9,g/dL,g/dL,5974 +743378031,3090122,7497,1,sodium,129.0,129,mmol/L,MMOL/L,7497 +755826300,3090122,-421,3,PT,12.6,12.6,sec,SEC,-421 +743378032,3090122,7497,1,potassium,4.8,4.80,mmol/L,MMOL/L,7497 +755690867,3090122,8949,3,PT - INR,1.1,1.10,ratio,,8949 +743378043,3090122,7497,1,ALT (SGPT),18.0,18,Units/L,IU/L,7497 +757953432,3090122,5974,3,WBC x 1000,6.9,6.9,K/mcL,10*9/l,5974 +749257992,3090122,4640,1,glucose,132.0,132,mg/dL,MG/DL,4640 +755690864,3090122,8949,3,RDW,15.5,15.5,%,%,8949 +743378041,3090122,7497,1,alkaline phos.,93.0,93,Units/L,IU/L,7497 +757985004,3090122,13258,3,Hgb,10.4,10.4,g/dL,g/dL,13258 +749257990,3090122,4640,1,chloride,101.0,101,mmol/L,MMOL/L,4640 +755690862,3090122,8949,3,MCH,29.9,29.9,pg,pg,8949 +743378030,3090122,7497,1,BUN,18.0,18,mg/dL,MG/DL,7497 +755826306,3090122,-421,3,MCH,30.8,30.8,pg,pg,-421 +749257994,3090122,4640,1,calcium,7.0,7.0,mg/dL,MG/DL,4640 +755690865,3090122,8949,3,platelets x 1000,248.0,248,K/mcL,10*9/l,8949 +743378040,3090122,7497,1,total bilirubin,0.3,0.3,mg/dL,MG/DL,7497 +757985005,3090122,13258,3,Hct,31.9,31.9,%,%,13258 +743970460,3090122,3239,1,albumin,1.7,1.7,g/dL,G/DL,3239 +749257993,3090122,4640,1,creatinine,1.4,1.40,mg/dL,MG/DL,4640 +743970466,3090122,3239,1,chloride,99.0,99,mmol/L,MMOL/L,3239 +755690863,3090122,8949,3,MCHC,33.3,33.3,g/dL,g/dL,8949 +743970459,3090122,3239,1,magnesium,1.4,1.40,mg/dL,MG/DL,3239 +743378035,3090122,7497,1,glucose,67.0,67,mg/dL,MG/DL,7497 +743970467,3090122,3239,1,BUN,35.0,35,mg/dL,MG/DL,3239 +757953433,3090122,5974,3,RBC,,3.32,M/mcL,10*12/l,5974 +743970458,3090122,3239,1,sodium,129.0,129,mmol/L,MMOL/L,3239 +742948012,3090122,10439,1,bicarbonate,22.0,22.0,mmol/L,MMOL/L,10439 +743970465,3090122,3239,1,glucose,193.0,193,mg/dL,MG/DL,3239 +755690860,3090122,8949,3,Hct,31.8,31.8,%,%,8949 +743970461,3090122,3239,1,bicarbonate,24.0,24.0,mmol/L,MMOL/L,3239 +749257991,3090122,4640,1,bicarbonate,27.0,27.0,mmol/L,MMOL/L,4640 +744570131,3090122,13258,1,glucose,158.0,158,mg/dL,MG/DL,13258 +757985003,3090122,13258,3,RBC,,3.50,M/mcL,10*12/l,13258 +743970453,3090122,3239,1,potassium,2.8,2.80,mmol/L,MMOL/L,3239 +742948011,3090122,10439,1,chloride,100.0,100,mmol/L,MMOL/L,10439 +744570130,3090122,13258,1,bicarbonate,24.0,24.0,mmol/L,MMOL/L,13258 +755690861,3090122,8949,3,MCV,89.8,89.8,fL,fL,8949 +743970462,3090122,3239,1,total protein,4.4,4.4,g/dL,G/DL,3239 +743378036,3090122,7497,1,creatinine,1.12,1.12,mg/dL,MG/DL,7497 +744570133,3090122,13258,1,calcium,7.7,7.7,mg/dL,MG/DL,13258 +755826299,3090122,-421,3,Hct,30.3,30.3,%,%,-421 +743970463,3090122,3239,1,calcium,6.7,6.7,mg/dL,MG/DL,3239 +742948013,3090122,10439,1,glucose,181.0,181,mg/dL,MG/DL,10439 +744570129,3090122,13258,1,chloride,101.0,101,mmol/L,MMOL/L,13258 +755690866,3090122,8949,3,PT,12.1,12.1,sec,SEC,8949 +743970457,3090122,3239,1,AST (SGOT),12.0,12,Units/L,IU/L,3239 +749257988,3090122,4640,1,sodium,132.0,132,mmol/L,MMOL/L,4640 +744570126,3090122,13258,1,BUN,29.0,29,mg/dL,MG/DL,13258 +757985009,3090122,13258,3,RDW,15.9,15.9,%,%,13258 +746305593,3090122,-421,1,albumin,2.1,2.1,g/dL,G/DL,-421 +742948014,3090122,10439,1,creatinine,1.28,1.28,mg/dL,MG/DL,10439 +743970454,3090122,3239,1,creatinine,1.62,1.62,mg/dL,MG/DL,3239 +755690858,3090122,8949,3,RBC,,3.54,M/mcL,10*12/l,8949 +746305591,3090122,-421,1,AST (SGOT),16.0,16,Units/L,IU/L,-421 +743378042,3090122,7497,1,AST (SGOT),13.0,13,Units/L,IU/L,7497 +747229360,3090122,12233,1,BUN,28.0,28,mg/dL,MG/DL,12233 +757953439,3090122,5974,3,RDW,15.3,15.3,%,%,5974 +746305592,3090122,-421,1,sodium,132.0,132,mmol/L,MMOL/L,-421 +742948008,3090122,10439,1,BUN,29.0,29,mg/dL,MG/DL,10439 +744570127,3090122,13258,1,sodium,129.0,129,mmol/L,MMOL/L,13258 +755690857,3090122,8949,3,WBC x 1000,4.6,4.6,K/mcL,10*9/l,8949 +741888040,3090122,1530,1,chloride,105.0,105,mmol/L,MMOL/L,1530 +749257987,3090122,4640,1,BUN,32.0,32,mg/dL,MG/DL,4640 +747229362,3090122,12233,1,potassium,5.5,5.50,mmol/L,MMOL/L,12233 +757985006,3090122,13258,3,MCV,91.1,91.1,fL,fL,13258 +746305598,3090122,-421,1,glucose,102.0,102,mg/dL,MG/DL,-421 +739462252,3090122,11647,1,glucose,109.0,109,mg/dL,MG/DL,11647 +743970452,3090122,3239,1,total bilirubin,0.1,0.1,mg/dL,MG/DL,3239 +742948009,3090122,10439,1,sodium,127.0,127,mmol/L,MMOL/L,10439 +741888042,3090122,1530,1,glucose,212.0,212,mg/dL,MG/DL,1530 +744048163,3090122,2292,1,troponin - I,0.27,0.27,ng/mL,ng/ml,2292 +743348932,3090122,5974,1,chloride,105.0,105,mmol/L,MMOL/L,5974 +739462247,3090122,11647,1,BUN,28.0,28,mg/dL,MG/DL,11647 +747229361,3090122,12233,1,sodium,128.0,128,mmol/L,MMOL/L,12233 +743378037,3090122,7497,1,calcium,7.1,7.1,mg/dL,MG/DL,7497 +746305587,3090122,-421,1,potassium,3.4,3.40,mmol/L,MMOL/L,-421 +755690859,3090122,8949,3,Hgb,10.6,10.6,g/dL,g/dL,8949 +743348939,3090122,5974,1,total bilirubin,0.2,0.2,mg/dL,MG/DL,5974 +739462250,3090122,11647,1,chloride,102.0,102,mmol/L,MMOL/L,11647 +744570128,3090122,13258,1,potassium,4.9,4.90,mmol/L,MMOL/L,13258 +742948016,3090122,10439,1,anion gap,10.5,10.5,,MMOL/L,10439 +741888041,3090122,1530,1,bicarbonate,25.0,25.0,mmol/L,MMOL/L,1530 +755826307,3090122,-421,3,MCHC,34.0,34.0,g/dL,g/dL,-421 +743348933,3090122,5974,1,bicarbonate,24.0,24.0,mmol/L,MMOL/L,5974 +739462255,3090122,11647,1,anion gap,9.9,9.9,,MMOL/L,11647 +747229365,3090122,12233,1,glucose,107.0,107,mg/dL,MG/DL,12233 +749257989,3090122,4640,1,potassium,3.3,3.30,mmol/L,MMOL/L,4640 +746305599,3090122,-421,1,chloride,99.0,99,mmol/L,MMOL/L,-421 +759612403,3090122,104,3,MCV,89.4,89.4,fL,fL,104 +743348935,3090122,5974,1,creatinine,1.18,1.18,mg/dL,MG/DL,5974 +739462253,3090122,11647,1,creatinine,1.14,1.14,mg/dL,MG/DL,11647 +743970455,3090122,3239,1,alkaline phos.,85.0,85,Units/L,IU/L,3239 +742948015,3090122,10439,1,calcium,8.0,8.0,mg/dL,MG/DL,10439 +741888037,3090122,1530,1,BUN,33.0,33,mg/dL,MG/DL,1530 +757985002,3090122,13258,3,WBC x 1000,5.3,5.3,K/mcL,10*9/l,13258 +743348937,3090122,5974,1,total protein,4.6,4.6,g/dL,G/DL,5974 +739462249,3090122,11647,1,potassium,5.9,5.90,mmol/L,MMOL/L,11647 +747229366,3090122,12233,1,creatinine,1.13,1.13,mg/dL,MG/DL,12233 +743378039,3090122,7497,1,albumin,1.7,1.7,g/dL,G/DL,7497 +746305588,3090122,-421,1,creatinine,1.94,1.94,mg/dL,MG/DL,-421 +759612409,3090122,104,3,MCHC,34.5,34.5,g/dL,g/dL,104 +743348938,3090122,5974,1,albumin,1.7,1.7,g/dL,G/DL,5974 +739462248,3090122,11647,1,sodium,128.0,128,mmol/L,MMOL/L,11647 +744570132,3090122,13258,1,creatinine,1.12,1.12,mg/dL,MG/DL,13258 +742948010,3090122,10439,1,potassium,5.5,5.50,mmol/L,MMOL/L,10439 +741888039,3090122,1530,1,potassium,3.5,3.50,mmol/L,MMOL/L,1530 +757953440,3090122,5974,3,platelets x 1000,208.0,208,K/mcL,10*9/l,5974 +743348943,3090122,5974,1,anion gap,6.7,6.7,,MMOL/L,5974 +739462256,3090122,11647,1,magnesium,1.4,1.40,mg/dL,MG/DL,11647 +747229367,3090122,12233,1,calcium,8.2,8.2,mg/dL,MG/DL,12233 +749257995,3090122,4640,1,anion gap,7.3,7.3,,MMOL/L,4640 +746305594,3090122,-421,1,bicarbonate,26.0,26.0,mmol/L,MMOL/L,-421 +759612408,3090122,104,3,MCH,30.8,30.8,pg,pg,104 +743348941,3090122,5974,1,AST (SGOT),14.0,14,Units/L,IU/L,5974 +739462251,3090122,11647,1,bicarbonate,22.0,22.0,mmol/L,MMOL/L,11647 +743970464,3090122,3239,1,ALT (SGPT),15.0,15,Units/L,IU/L,3239 +742590714,3090122,10439,1,magnesium,1.5,1.50,mg/dL,MG/DL,10439 +741888038,3090122,1530,1,sodium,138.0,138,mmol/L,MMOL/L,1530 +757985007,3090122,13258,3,MCH,29.7,29.7,pg,pg,13258 +743348931,3090122,5974,1,potassium,4.7,4.70,mmol/L,MMOL/L,5974 +739462254,3090122,11647,1,calcium,8.0,8.0,mg/dL,MG/DL,11647 +747229368,3090122,12233,1,anion gap,11.5,11.5,,MMOL/L,12233 +743378033,3090122,7497,1,chloride,104.0,104,mmol/L,MMOL/L,7497 +746305597,3090122,-421,1,ALT (SGPT),19.0,19,Units/L,IU/L,-421 +759612410,3090122,104,3,platelets x 1000,144.0,144,K/mcL,10*9/l,104 +743348930,3090122,5974,1,sodium,131.0,131,mmol/L,MMOL/L,5974 +743488128,3090122,-421,1,troponin - I,0.14,0.14,ng/mL,ng/ml,-421 +744570134,3090122,13258,1,anion gap,8.9,8.9,,MMOL/L,13258 +755826308,3090122,-421,3,platelets x 1000,174.0,174,K/mcL,10*9/l,-421 +741888043,3090122,1530,1,creatinine,1.93,1.93,mg/dL,MG/DL,1530 +743678396,3090122,104,1,magnesium,1.7,1.70,mg/dL,MG/DL,104 +743348929,3090122,5974,1,BUN,25.0,25,mg/dL,MG/DL,5974 +759612401,3090122,104,3,RBC,,3.21,M/mcL,10*12/l,104 +747229363,3090122,12233,1,chloride,100.0,100,mmol/L,MMOL/L,12233 +743678401,3090122,104,1,chloride,101.0,101,mmol/L,MMOL/L,104 +746305600,3090122,-421,1,BUN,34.0,34,mg/dL,MG/DL,-421 +757985008,3090122,13258,3,MCHC,32.6,32.6,g/dL,g/dL,13258 +743348942,3090122,5974,1,ALT (SGPT),22.0,22,Units/L,IU/L,5974 +743678393,3090122,104,1,creatinine,1.9,1.90,mg/dL,MG/DL,104 +743970456,3090122,3239,1,anion gap,8.8,8.8,,MMOL/L,3239 +759612402,3090122,104,3,Hct,28.7,28.7,%,%,104 +741888045,3090122,1530,1,total protein,5.0,5.0,g/dL,G/DL,1530 +743678394,3090122,104,1,anion gap,11.9,11.9,,MMOL/L,104 +743348936,3090122,5974,1,calcium,7.2,7.2,mg/dL,MG/DL,5974 +757953438,3090122,5974,3,MCHC,33.0,33.0,g/dL,g/dL,5974 +747229364,3090122,12233,1,bicarbonate,22.0,22.0,mmol/L,MMOL/L,12233 +743678399,3090122,104,1,phosphate,2.2,2.2,mg/dL,MG/DL,104 +746305589,3090122,-421,1,alkaline phos.,105.0,105,Units/L,IU/L,-421 +759612404,3090122,104,3,PTT,24.3,24.3,sec,SEC,104 +743348934,3090122,5974,1,glucose,65.0,65,mg/dL,MG/DL,5974 +743678398,3090122,104,1,calcium,7.2,7.2,mg/dL,MG/DL,104 +761765983,3090122,7499,4,24 h urine protein,4536.0,4536,mg/24HR,MG/24HR,7499 +757985010,3090122,13258,3,platelets x 1000,243.0,243,K/mcL,10*9/l,13258 +741888048,3090122,1530,1,alkaline phos.,96.0,96,Units/L,IU/L,1530 +743678402,3090122,104,1,BUN,31.0,31,mg/dL,MG/DL,104 +761497442,3090122,-421,4,urinary specific gravity,1.025,1.025,,,-421 +759612407,3090122,104,3,RDW,15.6,15.6,%,%,104 +748340288,3090122,1530,1,phosphate,4.0,4.0,mg/dL,MG/DL,1530 +743678400,3090122,104,1,glucose,92.0,92,mg/dL,MG/DL,104 +746305590,3090122,-421,1,anion gap,10.4,10.4,,MMOL/L,-421 +755826298,3090122,-421,3,RBC,,3.34,M/mcL,10*12/l,-421 +743348940,3090122,5974,1,alkaline phos.,85.0,85,Units/L,IU/L,5974 +743678395,3090122,104,1,sodium,134.0,134,mmol/L,MMOL/L,104 +750100154,3090122,12233,2,Digoxin,1.83,1.83,ng/mL,NG/ML,12233 +751101118,3090122,10439,3,PT - INR,1.2,1.20,ratio,,10439 +741888049,3090122,1530,1,AST (SGOT),11.0,11,Units/L,IU/L,1530 +759612405,3090122,104,3,Hgb,9.9,9.9,g/dL,g/dL,104 +743135149,3090122,554,1,BUN,32.0,32,mg/dL,MG/DL,554 +751101117,3090122,10439,3,PT,13.2,13.2,sec,SEC,10439 +746305586,3090122,-421,1,total bilirubin,0.5,0.5,mg/dL,MG/DL,-421 +743678392,3090122,104,1,potassium,2.9,2.90,mmol/L,MMOL/L,104 +743135150,3090122,554,1,sodium,133.0,133,mmol/L,MMOL/L,554 +748743897,3090122,8949,1,sodium,127.0,127,mmol/L,MMOL/L,8949 +759618177,3090122,7497,3,PT - INR,1.06,1.06,ratio,,7497 +760474026,3090122,104,4,BNP,573.0,573.00,pg/mL,pg/ml,104 +744605483,3090122,1084,1,creatinine,1.8,1.80,mg/dL,MG/DL,1084 +750839667,3090122,3239,3,WBC x 1000,4.9,4.9,K/mcL,10*9/l,3239 +741888047,3090122,1530,1,total bilirubin,0.2,0.2,mg/dL,MG/DL,1530 +743678397,3090122,104,1,bicarbonate,24.0,24.0,mmol/L,MMOL/L,104 +743135153,3090122,554,1,bicarbonate,23.0,23.0,mmol/L,MMOL/L,554 +748743898,3090122,8949,1,potassium,4.7,4.70,mmol/L,MMOL/L,8949 +746305595,3090122,-421,1,total protein,5.6,5.6,g/dL,G/DL,-421 +759612406,3090122,104,3,WBC x 1000,9.0,9.0,K/mcL,10*9/l,104 +744605482,3090122,1084,1,glucose,195.0,195,mg/dL,MG/DL,1084 +750839666,3090122,3239,3,Hgb,9.0,9.0,g/dL,g/dL,3239 +759618176,3090122,7497,3,PT,11.7,11.7,sec,SEC,7497 +743912848,3090122,1530,1,troponin - I,0.33,0.33,ng/mL,ng/ml,1530 +743135154,3090122,554,1,glucose,191.0,191,mg/dL,MG/DL,554 +748512737,3090122,-409,1,lactate,2.1,2.1,mmol/L,MMOL/L,-409 +741888051,3090122,1530,1,anion gap,11.5,11.5,,MMOL/L,1530 +748743904,3090122,8949,1,anion gap,8.7,8.7,,MMOL/L,8949 +744605484,3090122,1084,1,calcium,6.8,6.8,mg/dL,MG/DL,1084 +758378715,3090122,5206,3,ESR,65.0,65,mm/hr,MM/HR,5206 +762521934,3090122,4640,4,BNP,285.0,285.00,pg/mL,pg/ml,4640 +750839668,3090122,3239,3,RDW,15.2,15.2,%,%,3239 +743135157,3090122,554,1,anion gap,12.1,12.1,,MMOL/L,554 +762705266,3090122,5974,4,BNP,203.0,203.00,pg/mL,pg/ml,5974 +760446414,3090122,13258,4,BNP,88.0,88.00,pg/mL,pg/ml,13258 +748743896,3090122,8949,1,BUN,23.0,23,mg/dL,MG/DL,8949 +744605481,3090122,1084,1,bicarbonate,24.0,24.0,mmol/L,MMOL/L,1084 +751501669,3090122,1084,3,Hgb,9.8,9.8,g/dL,g/dL,1084 +741888050,3090122,1530,1,ALT (SGPT),14.0,14,Units/L,IU/L,1530 +750839663,3090122,3239,3,RBC,,3.05,M/mcL,10*12/l,3239 +743135155,3090122,554,1,creatinine,1.94,1.94,mg/dL,MG/DL,554 +751501671,3090122,1084,3,MCV,91.3,91.3,fL,fL,1084 +746305596,3090122,-421,1,calcium,7.5,7.5,mg/dL,MG/DL,-421 +748743899,3090122,8949,1,chloride,101.0,101,mmol/L,MMOL/L,8949 +744605480,3090122,1084,1,chloride,102.0,102,mmol/L,MMOL/L,1084 +751501670,3090122,1084,3,Hct,29.5,29.5,%,%,1084 +763169573,3090122,3239,4,BNP,399.0,399.00,pg/mL,pg/ml,3239 +750839671,3090122,3239,3,platelets x 1000,171.0,171,K/mcL,10*9/l,3239 +743135158,3090122,554,1,magnesium,1.6,1.60,mg/dL,MG/DL,554 +751501667,3090122,1084,3,WBC x 1000,3.4,3.4,K/mcL,10*9/l,1084 +741888052,3090122,1530,1,magnesium,1.7,1.70,mg/dL,MG/DL,1530 +748743902,3090122,8949,1,creatinine,1.25,1.25,mg/dL,MG/DL,8949 +744605477,3090122,1084,1,BUN,30.0,30,mg/dL,MG/DL,1084 +751501668,3090122,1084,3,RBC,,3.23,M/mcL,10*12/l,1084 +759313487,3090122,11647,3,PT - INR,1.8,1.80,ratio,,11647 +750839669,3090122,3239,3,MCH,29.5,29.5,pg,pg,3239 +743135152,3090122,554,1,chloride,101.0,101,mmol/L,MMOL/L,554 +751501672,3090122,1084,3,MCH,30.3,30.3,pg,pg,1084 +741888044,3090122,1530,1,calcium,7.4,7.4,mg/dL,MG/DL,1530 +748743903,3090122,8949,1,calcium,7.6,7.6,mg/dL,MG/DL,8949 +756163619,3090122,1530,3,MCV,91.2,91.2,fL,fL,1530 +744605478,3090122,1084,1,sodium,135.0,135,mmol/L,MMOL/L,1084 +751501674,3090122,1084,3,RDW,15.7,15.7,%,%,1084 +756163617,3090122,1530,3,Hgb,10.2,10.2,g/dL,g/dL,1530 +762261000,3090122,554,4,BNP,850.0,850.00,pg/mL,pg/ml,554 +750839664,3090122,3239,3,Hct,27.6,27.6,%,%,3239 +756163618,3090122,1530,3,Hct,31.2,31.2,%,%,1530 +743135151,3090122,554,1,potassium,3.1,3.10,mmol/L,MMOL/L,554 +747388373,3090122,1979,1,troponin - I,0.27,0.27,ng/mL,ng/ml,1979 +756163620,3090122,1530,3,MCH,29.8,29.8,pg,pg,1530 +741888046,3090122,1530,1,albumin,1.8,1.8,g/dL,G/DL,1530 +748743900,3090122,8949,1,bicarbonate,22.0,22.0,mmol/L,MMOL/L,8949 +756163615,3090122,1530,3,WBC x 1000,3.5,3.5,K/mcL,10*9/l,1530 +744605485,3090122,1084,1,anion gap,12.1,12.1,,MMOL/L,1084 +751501675,3090122,1084,3,platelets x 1000,158.0,158,K/mcL,10*9/l,1084 +756163621,3090122,1530,3,MCHC,32.7,32.7,g/dL,g/dL,1530 +759313486,3090122,11647,3,PT,19.6,19.6,sec,SEC,11647 +750839670,3090122,3239,3,MCHC,32.6,32.6,g/dL,g/dL,3239 +756163616,3090122,1530,3,RBC,,3.42,M/mcL,10*12/l,1530 +743135156,3090122,554,1,calcium,7.1,7.1,mg/dL,MG/DL,554 +747469684,3090122,554,1,troponin - I,0.4,0.40,ng/mL,ng/ml,554 +756163623,3090122,1530,3,platelets x 1000,154.0,154,K/mcL,10*9/l,1530 +738475579,3090122,104,1,troponin - I,0.51,0.51,ng/mL,ng/ml,104 +748743901,3090122,8949,1,glucose,186.0,186,mg/dL,MG/DL,8949 +756163622,3090122,1530,3,RDW,15.9,15.9,%,%,1530 +744605479,3090122,1084,1,potassium,3.1,3.10,mmol/L,MMOL/L,1084 +751501673,3090122,1084,3,MCHC,33.2,33.2,g/dL,g/dL,1084 +762470073,3090122,1530,4,BNP,530.0,530.00,pg/mL,pg/ml,1530 +750839665,3090122,3239,3,MCV,90.5,90.5,fL,fL,3239 +760208946,3090122,1084,4,BNP,794.0,794.00,pg/mL,pg/ml,1084 +749981293,3090122,1530,2,Digoxin,0.5,0.50,ng/mL,NG/ML,1530 +746649520,3090122,1259,1,troponin - I,0.34,0.34,ng/mL,ng/ml,1259 +750084621,3090122,3239,2,Vancomycin - trough,14.5,14.5,mcg/mL,UG/ML,3239 +741846218,3090122,-421,1,magnesium,1.1,1.10,mg/dL,MG/DL,-421 +416748950,1790816,877,1,total protein,6.5,6.5,g/dL,g/dL,937 +416748953,1790816,877,1,glucose,126.0,126 ,mg/dL,mg/dL,937 +416748952,1790816,877,1,ALT (SGPT),17.0,17,Units/L,IU/L,937 +416748945,1790816,877,1,alkaline phos.,110.0,110,Units/L,IU/L,937 +416748948,1790816,877,1,sodium,137.0,137,mmol/L,mmol/L,937 +442172643,1790816,877,3,-eos,4.4,4.4,%,%,925 +416748949,1790816,877,1,albumin,4.0,4.0,g/dL,g/dL,937 +442172644,1790816,877,3,MCV,91.2,91.2,fL,fL,925 +416748954,1790816,877,1,chloride,104.0,104,mmol/L,mmol/L,937 +442172639,1790816,877,3,RBC,4.68,4.68,M/mcL,m/mm cu,925 +434602988,1790816,877,3,-monos,5.2,5.2,%,%,925 +416748944,1790816,877,1,creatinine,0.56,0.56,mg/dL,mg/dL,937 +442172638,1790816,877,3,-lymphs,8.6,8.6,%,%,925 +434602989,1790816,877,3,MCHC,33.8,33.8,g/dL,%,925 +416748943,1790816,877,1,potassium,3.5,3.5,mmol/L,mmol/L,937 +442172637,1790816,877,3,MPV,7.9,7.9,fL,fL,925 +434602990,1790816,877,3,platelets x 1000,254.0,254,K/mcL,k/mm cu,925 +416748947,1790816,877,1,AST (SGOT),15.0,15,Units/L,IU/L,937 +442172640,1790816,877,3,-basos,0.2,0.2,%,%,925 +434602987,1790816,877,3,MCH,30.8,30.8,pg,pg,925 +416748955,1790816,877,1,BUN,7.0,7,mg/dL,mg/dL,937 +445210047,1790816,877,4,TSH,1.679,1.679 ,mcU/ml,uIU/mL,1753 +434602986,1790816,877,3,RDW,13.3,13.3,%,%,925 +416748951,1790816,877,1,calcium,9.0,9.0,mg/dL,mg/dL,937 +426724587,1790816,877,1,magnesium,2.3,2.3 ,mg/dL,mg/dL,937 +434602984,1790816,877,3,Hgb,14.4,14.4,g/dL,g/dL,925 +416748942,1790816,877,1,total bilirubin,1.0,1.0,mg/dL,mg/dL,937 +442172642,1790816,877,3,Hct,42.6,42.6,%,%,925 +434602985,1790816,877,3,WBC x 1000,9.1,9.1 ,K/mcL,k/mm cu,925 +458837917,1790816,877,7,Total CO2,27.0,27,,mmol/L,937 +416748946,1790816,877,1,anion gap,10.0,10,,mmol/L,937 +443321531,1790816,0,4,bedside glucose,110.0,110 ,mg/dL,mg/dL,23 +83848300,368911,50,1,sodium,142.0,142,mmol/L,mEq/L,52 +83848299,368911,50,1,creatinine,1.1,1.1,mg/dL,mg/dL,52 +83848302,368911,50,1,BUN,15.0,15,mg/dL,mg/dL,52 +94999528,368911,52,3,WBC x 1000,10.2,10.2,K/mcL,K/CMM,52 +83848301,368911,50,1,glucose,147.0,147,mg/dL,mg/dL,52 +94999527,368911,52,3,Hct,43.9,43.9,%,%,52 +362830591,1437505,-176,3,-eos,1.0,1,%,%,-158 +362830598,1437505,-176,3,platelets x 1000,189.0,189,K/mcL,K/uL,-158 +362830590,1437505,-176,3,Hct,46.8,46.8,%,%,-158 +362830592,1437505,-176,3,MCV,83.0,83.0,fL,fL,-158 +362830586,1437505,-176,3,-lymphs,30.0,30,%,%,-158 +353964884,1437505,-69,1,potassium,4.0,4.0,mmol/L,mEq/L,-37 +362830587,1437505,-176,3,RBC,5.64,5.64,M/mcL,MIL/uL,-158 +353964885,1437505,-69,1,creatinine,0.73,0.73,mg/dL,mg/dL,-37 +362830588,1437505,-176,3,-basos,0.0,0,%,%,-158 +353964890,1437505,-69,1,chloride,96.0,96,mmol/L,mEq/L,-37 +362830596,1437505,-176,3,-monos,7.0,7,%,%,-158 +353964887,1437505,-69,1,bicarbonate,14.0,14,mmol/L,mEq/L,-37 +359797959,1437505,288,1,creatinine,0.59,0.59,mg/dL,mg/dL,330 +362830594,1437505,-176,3,WBC x 1000,7.8,7.8,K/mcL,K/uL,-158 +355976966,1437505,984,1,potassium,3.5,3.5,mmol/L,mEq/L,1038 +355753197,1437505,183,1,sodium,134.0,134,mmol/L,mEq/L,235 +353964886,1437505,-69,1,sodium,131.0,131,mmol/L,mEq/L,-37 +359797958,1437505,288,1,potassium,3.3,3.3,mmol/L,mEq/L,330 +356326299,1437505,1179,1,chloride,99.0,99,mmol/L,mEq/L,1218 +353743608,1437505,720,1,bicarbonate,18.0,18,mmol/L,mEq/L,758 +355976971,1437505,984,1,glucose,179.0,179,mg/dL,mg/dL,1038 +355753196,1437505,183,1,creatinine,0.58,0.58,mg/dL,mg/dL,235 +362830593,1437505,-176,3,Hgb,16.8,16.8,g/dL,g/dL,-158 +359797964,1437505,288,1,chloride,102.0,102,mmol/L,mEq/L,330 +356326300,1437505,1179,1,BUN,6.0,6,mg/dL,mg/dL,1218 +353743609,1437505,720,1,calcium,7.6,7.6,mg/dL,mg/dL,758 +355976970,1437505,984,1,calcium,8.2,8.2,mg/dL,mg/dL,1038 +355753199,1437505,183,1,calcium,7.8,7.8,mg/dL,mg/dL,235 +353964888,1437505,-69,1,calcium,7.8,7.8,mg/dL,mg/dL,-37 +359797963,1437505,288,1,glucose,168.0,168,mg/dL,mg/dL,330 +356326298,1437505,1179,1,glucose,245.0,245,mg/dL,mg/dL,1218 +353743611,1437505,720,1,chloride,102.0,102,mmol/L,mEq/L,758 +355976972,1437505,984,1,chloride,102.0,102,mmol/L,mEq/L,1038 +355753198,1437505,183,1,bicarbonate,15.0,15,mmol/L,mEq/L,235 +362830589,1437505,-176,3,-polys,62.0,62,%,%,-158 +359797960,1437505,288,1,sodium,135.0,135,mmol/L,mEq/L,330 +356326294,1437505,1179,1,creatinine,0.61,0.61,mg/dL,mg/dL,1218 +353743610,1437505,720,1,glucose,261.0,261,mg/dL,mg/dL,758 +355364674,1437505,1423,1,bicarbonate,25.0,25,mmol/L,mEq/L,1470 +355753201,1437505,183,1,chloride,101.0,101,mmol/L,mEq/L,235 +353964891,1437505,-69,1,BUN,9.0,9,mg/dL,mg/dL,-37 +355976968,1437505,984,1,sodium,135.0,135,mmol/L,mEq/L,1038 +356326297,1437505,1179,1,calcium,7.9,7.9,mg/dL,mg/dL,1218 +353743612,1437505,720,1,BUN,6.0,6,mg/dL,mg/dL,758 +355364675,1437505,1423,1,calcium,8.4,8.4,mg/dL,mg/dL,1470 +355753202,1437505,183,1,BUN,8.0,8,mg/dL,mg/dL,235 +362830595,1437505,-176,3,RDW,12.2,12.2,%,%,-158 +359797965,1437505,288,1,BUN,7.0,7,mg/dL,mg/dL,330 +356326295,1437505,1179,1,sodium,133.0,133,mmol/L,mEq/L,1218 +353743605,1437505,720,1,potassium,3.4,3.4,mmol/L,mEq/L,758 +355364673,1437505,1423,1,sodium,135.0,135,mmol/L,mEq/L,1470 +355753195,1437505,183,1,potassium,3.5,3.5,mmol/L,mEq/L,235 +353964889,1437505,-69,1,glucose,511.0,511,mg/dL,mg/dL,-37 +355976969,1437505,984,1,bicarbonate,22.0,22,mmol/L,mEq/L,1038 +356326293,1437505,1179,1,potassium,3.7,3.7,mmol/L,mEq/L,1218 +353743607,1437505,720,1,sodium,134.0,134,mmol/L,mEq/L,758 +355364671,1437505,1423,1,potassium,4.0,4.0,mmol/L,mEq/L,1470 +355753200,1437505,183,1,glucose,169.0,169,mg/dL,mg/dL,235 +362830597,1437505,-176,3,MCHC,35.9,35.9,g/dL,g/dL,-158 +354092220,1437505,-176,1,chloride,91.0,91,mmol/L,mEq/L,-126 +356326296,1437505,1179,1,bicarbonate,21.0,21,mmol/L,mEq/L,1218 +353743606,1437505,720,1,creatinine,0.61,0.61,mg/dL,mg/dL,758 +359797961,1437505,288,1,bicarbonate,17.0,17,mmol/L,mEq/L,330 +356265867,1437505,435,1,creatinine,0.62,0.62,mg/dL,mg/dL,484 +354092214,1437505,-176,1,potassium,3.8,3.8,mmol/L,mEq/L,-126 +359686458,1437505,36,1,glucose,215.0,215,mg/dL,mg/dL,89 +355364672,1437505,1423,1,creatinine,0.61,0.61,mg/dL,mg/dL,1470 +356265868,1437505,435,1,sodium,138.0,138,mmol/L,mEq/L,484 +354092219,1437505,-176,1,glucose,607.0,607,mg/dL,mg/dL,-126 +359686453,1437505,36,1,potassium,3.6,3.6,mmol/L,mEq/L,89 +355976973,1437505,984,1,BUN,6.0,6,mg/dL,mg/dL,1038 +356265871,1437505,435,1,glucose,127.0,127,mg/dL,mg/dL,484 +354092221,1437505,-176,1,BUN,9.0,9,mg/dL,mg/dL,-126 +359686457,1437505,36,1,calcium,7.9,7.9,mg/dL,mg/dL,89 +355364677,1437505,1423,1,chloride,100.0,100,mmol/L,mEq/L,1470 +356265872,1437505,435,1,chloride,104.0,104,mmol/L,mEq/L,484 +354092217,1437505,-176,1,bicarbonate,13.0,13,mmol/L,mEq/L,-126 +359686454,1437505,36,1,creatinine,0.66,0.66,mg/dL,mg/dL,89 +359797962,1437505,288,1,calcium,8.0,8.0,mg/dL,mg/dL,330 +356265873,1437505,435,1,BUN,7.0,7,mg/dL,mg/dL,484 +354092216,1437505,-176,1,sodium,129.0,129,mmol/L,mEq/L,-126 +359686456,1437505,36,1,bicarbonate,16.0,16,mmol/L,mEq/L,89 +355364676,1437505,1423,1,glucose,130.0,130,mg/dL,mg/dL,1470 +356265866,1437505,435,1,potassium,3.1,3.1,mmol/L,mEq/L,484 +354092215,1437505,-176,1,creatinine,0.79,0.79,mg/dL,mg/dL,-126 +359686460,1437505,36,1,BUN,8.0,8,mg/dL,mg/dL,89 +355976967,1437505,984,1,creatinine,0.69,0.69,mg/dL,mg/dL,1038 +356265869,1437505,435,1,bicarbonate,18.0,18,mmol/L,mEq/L,484 +354092218,1437505,-176,1,calcium,8.7,8.7,mg/dL,mg/dL,-126 +359686459,1437505,36,1,chloride,104.0,104,mmol/L,mEq/L,89 +366945265,1437505,-173,4,urinary specific gravity,1.02,1.020,,,-158 +356265870,1437505,435,1,calcium,8.2,8.2,mg/dL,mg/dL,484 +355364678,1437505,1423,1,BUN,6.0,6,mg/dL,mg/dL,1470 +359686455,1437505,36,1,sodium,137.0,137,mmol/L,mEq/L,89 +823666106,3352231,34,1,potassium,4.5,4.5,mmol/L,mmol/L,76 +823666113,3352231,34,1,chloride,105.0,105,mmol/L,mmol/L,76 +823558708,3352231,14,1,CPK,301.0,301,Units/L,IU/L,51 +823666114,3352231,34,1,BUN,19.0,19,mg/dL,mg/dL,76 +823666112,3352231,34,1,glucose,128.0,128,mg/dL,mg/dL,76 +823708367,3352231,34,1,ALT (SGPT),22.0,22,Units/L,IU/L,76 +823558709,3352231,14,1,CPK-MB,20.1,20.1,ng/mL,ng/mL,53 +823666107,3352231,34,1,creatinine,1.42,1.42,mg/dL,mg/dL,76 +823708364,3352231,34,1,albumin,4.1,4.1,g/dL,g/dL,76 +823708361,3352231,34,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,76 +823708362,3352231,34,1,alkaline phos.,58.0,58,Units/L,IU/L,76 +823708365,3352231,34,1,total protein,6.8,6.8,g/dL,g/dL,76 +823708366,3352231,34,1,direct bilirubin,0.1,0.1,mg/dL,mg/dL,76 +823708363,3352231,34,1,AST (SGOT),26.0,26,Units/L,IU/L,76 +823666111,3352231,34,1,calcium,9.4,9.4,mg/dL,mg/dL,76 +823040487,3352231,372,1,LDL,154.0,154,mg/dL,mg/dL,419 +823558707,3352231,14,1,CPK-MB INDEX,6.7,6.7,%,,53 +823040488,3352231,372,1,triglycerides,142.0,142,mg/dL,mg/dL,419 +823666109,3352231,34,1,sodium,136.0,136,mmol/L,mmol/L,76 +823040489,3352231,372,1,total cholesterol,207.0,207,mg/dL,mg/dL,419 +823666108,3352231,34,1,anion gap,3.0,3,,,76 +823040490,3352231,372,1,HDL,25.0,25,mg/dL,mg/dL,419 +823666110,3352231,34,1,bicarbonate,28.0,28,mmol/L,mmol/L,76 +826112739,3352231,-168,3,-monos,11.0,11,%,%,-135 +822537923,3352231,372,1,potassium,4.2,4.2,mmol/L,mmol/L,419 +826112738,3352231,-168,3,MCH,30.0,30,pg,pg,-135 +822537931,3352231,372,1,BUN,20.0,20,mg/dL,mg/dL,419 +826112735,3352231,-168,3,Hgb,16.4,16.4,g/dL,g/dL,-135 +822537928,3352231,372,1,calcium,9.2,9.2,mg/dL,mg/dL,419 +826112734,3352231,-168,3,MCV,89.0,89,fL,fL,-135 +825900003,3352231,1243,3,platelets x 1000,80.0,80,K/mcL,K/uL,1279 +826112733,3352231,-168,3,-eos,1.0,1,%,%,-135 +822537929,3352231,372,1,glucose,117.0,117,mg/dL,mg/dL,419 +826112736,3352231,-168,3,WBC x 1000,8.3,8.3,K/mcL,K/uL,-135 +822520579,3352231,-168,1,troponin - I,2.45,2.45,ng/mL,ng/mL,-74 +825098858,3352231,-168,3,PT,10.6,10.6,sec,sec,-127 +827398855,3352231,372,4,TSH,1.16,1.16,mcU/ml,uIU/mL,425 +826112732,3352231,-168,3,Hct,48.0,48,%,%,-135 +825550578,3352231,34,3,MPV,8.0,8.0,fL,fL,57 +822537926,3352231,372,1,sodium,136.0,136,mmol/L,mmol/L,419 +824982884,3352231,382,3,MPV,8.2,8.2,fL,fL,396 +826112740,3352231,-168,3,MCHC,34.0,34,g/dL,%,-135 +825550586,3352231,34,3,MCHC,34.0,34,g/dL,%,57 +822174350,3352231,14,1,troponin - I,3.04,3.04,ng/mL,ng/mL,51 +824982888,3352231,382,3,Hgb,13.9,13.9,g/dL,g/dL,396 +826112741,3352231,-168,3,platelets x 1000,256.0,256,K/mcL,K/uL,-135 +825550587,3352231,34,3,platelets x 1000,239.0,239,K/mcL,K/uL,57 +822537924,3352231,372,1,creatinine,1.18,1.18,mg/dL,mg/dL,419 +829662414,3352231,676,7,FiO2,28.0,28,%,%,676 +824982885,3352231,382,3,RBC,4.57,4.57,M/mcL,M/uL,396 +826112729,3352231,-168,3,-lymphs,27.0,27,%,%,-135 +822060273,3352231,-168,1,calcium,10.3,10.3,mg/dL,mg/dL,-115 +825550581,3352231,34,3,MCV,89.0,89,fL,fL,57 +825098859,3352231,-168,3,PT - INR,1.04,1.04,ratio,,-127 +829662423,3352231,676,7,Base Excess,1.0,1.0,mEq/L,mmol/L,676 +825149151,3352231,373,3,PTT,32.0,32,sec,sec,414 +826112730,3352231,-168,3,RBC,5.46,5.46,M/mcL,M/uL,-135 +822060275,3352231,-168,1,chloride,102.0,102,mmol/L,mmol/L,-115 +825550582,3352231,34,3,Hgb,14.5,14.5,g/dL,g/dL,57 +822537925,3352231,372,1,anion gap,5.0,5,,,419 +829662422,3352231,676,7,O2 Sat (%),96.0,96.0,%,%,676 +824982887,3352231,382,3,MCV,89.0,89,fL,fL,396 +826112731,3352231,-168,3,-basos,1.0,1,%,%,-135 +822060272,3352231,-168,1,bicarbonate,26.0,26,mmol/L,mmol/L,-115 +825550583,3352231,34,3,WBC x 1000,8.3,8.3,K/mcL,K/uL,57 +824513009,3352231,1243,3,fibrinogen,261.0,261,mg/dL,mg/dL,1288 +829662415,3352231,676,7,LPM O2,2.0,2.0,L/min,LPM,676 +824982886,3352231,382,3,Hct,41.0,41,%,%,396 +826112737,3352231,-168,3,RDW,14.5,14.5,%,%,-135 +822060274,3352231,-168,1,glucose,85.0,85,mg/dL,mg/dL,-115 +825550580,3352231,34,3,Hct,42.0,42,%,%,57 +822537927,3352231,372,1,bicarbonate,25.0,25,mmol/L,mmol/L,419 +829662413,3352231,676,7,HCO3,25.7,25.7,mmol/L,mmol/L,676 +824982892,3352231,382,3,MCHC,34.0,34,g/dL,%,396 +823442796,3352231,372,1,troponin - I,5.78,5.78,ng/mL,ng/mL,417 +822060269,3352231,-168,1,creatinine,1.51,1.51,mg/dL,mg/dL,-115 +825550579,3352231,34,3,RBC,4.74,4.74,M/mcL,M/uL,57 +822302724,3352231,372,1,CPK-MB,39.1,39.1,ng/mL,ng/mL,419 +829662417,3352231,676,7,paCO2,42.2,42.2,mm Hg,mmHg,676 +824982893,3352231,382,3,platelets x 1000,234.0,234,K/mcL,K/uL,396 +824610180,3352231,-168,3,PTT,24.0,24,sec,sec,-127 +822060276,3352231,-168,1,BUN,19.0,19,mg/dL,mg/dL,-115 +825550584,3352231,34,3,RDW,14.3,14.3,%,%,57 +822302723,3352231,372,1,CPK,389.0,389,Units/L,IU/L,419 +829662416,3352231,676,7,paO2,84.0,84.0,mm Hg,mmHg,676 +824982890,3352231,382,3,RDW,14.2,14.2,%,%,396 +826112728,3352231,-168,3,MPV,8.2,8.2,fL,fL,-135 +822060268,3352231,-168,1,potassium,3.9,3.9,mmol/L,mmol/L,-115 +825550585,3352231,34,3,MCH,31.0,31,pg,pg,57 +822302722,3352231,372,1,CPK-MB INDEX,10.1,10.1,%,,419 +829662421,3352231,676,7,Spontaneous Rate,16.0,16,/min,Breaths,676 +824982889,3352231,382,3,WBC x 1000,8.8,8.8,K/mcL,K/uL,396 +822537930,3352231,372,1,chloride,106.0,106,mmol/L,mmol/L,419 +822060271,3352231,-168,1,sodium,137.0,137,mmol/L,mmol/L,-115 +825630293,3352231,34,3,PTT,117.0,117,sec,sec,64 +823369987,3352231,34,1,magnesium,2.3,2.3,mg/dL,mg/dL,76 +829662418,3352231,676,7,pH,7.393,7.393,,,676 +826200985,3352231,1138,3,fibrinogen,196.0,196,mg/dL,mg/dL,1181 +825238490,3352231,1138,3,platelets x 1000,152.0,152,K/mcL,K/uL,1149 +822060270,3352231,-168,1,anion gap,9.0,9,,,-115 +824982891,3352231,382,3,MCH,31.0,31,pg,pg,396 +364279695,1488334,500,3,WBC x 1000,11.2,11.2,K/mcL,K/uL,523 +354728334,1488334,759,1,chloride,105.0,105,mmol/L,mEq/L,787 +364279693,1488334,500,3,MCV,82.7,82.7,fL,fL,523 +354728335,1488334,759,1,BUN,10.0,10,mg/dL,mg/dL,787 +364279696,1488334,500,3,RDW,12.5,12.5,%,%,523 +354728331,1488334,759,1,bicarbonate,21.0,21,mmol/L,mEq/L,787 +364279694,1488334,500,3,Hgb,14.1,14.1,g/dL,g/dL,523 +354728332,1488334,759,1,calcium,7.5,7.5,mg/dL,mg/dL,787 +364279691,1488334,500,3,RBC,4.81,4.81,M/mcL,MIL/uL,523 +354728330,1488334,759,1,sodium,135.0,135,mmol/L,mEq/L,787 +364279697,1488334,500,3,MCHC,35.4,35.4,g/dL,g/dL,523 +354728333,1488334,759,1,glucose,146.0,146,mg/dL,mg/dL,787 +364279692,1488334,500,3,Hct,39.8,39.8,%,%,523 +354728329,1488334,759,1,creatinine,0.6,0.60,mg/dL,mg/dL,787 +364279698,1488334,500,3,platelets x 1000,182.0,182,K/mcL,K/uL,523 +354728328,1488334,759,1,potassium,3.4,3.4,mmol/L,mEq/L,787 +353954254,1488334,500,1,creatinine,0.55,0.55,mg/dL,mg/dL,543 +355301216,1488334,34,1,BUN,11.0,11,mg/dL,mg/dL,66 +362579415,1488334,-314,3,-basos,0.0,0,%,%,-265 +355301211,1488334,34,1,sodium,131.0,131,mmol/L,mEq/L,66 +353954256,1488334,500,1,AST (SGOT),12.0,12,Units/L,U/L,543 +355301210,1488334,34,1,creatinine,0.64,0.64,mg/dL,mg/dL,66 +362579417,1488334,-314,3,Hct,47.6,47.6,%,%,-265 +355301214,1488334,34,1,glucose,421.0,421,mg/dL,mg/dL,66 +353954265,1488334,500,1,BUN,11.0,11,mg/dL,mg/dL,543 +355301212,1488334,34,1,bicarbonate,16.0,16,mmol/L,mEq/L,66 +362579422,1488334,-314,3,RDW,12.4,12.4,%,%,-265 +355301215,1488334,34,1,chloride,96.0,96,mmol/L,mEq/L,66 +353954261,1488334,500,1,calcium,7.8,7.8,mg/dL,mg/dL,543 +355301209,1488334,34,1,potassium,4.4,4.4,mmol/L,mEq/L,66 +362579413,1488334,-314,3,-lymphs,39.0,39,%,%,-265 +355301213,1488334,34,1,calcium,7.7,7.7,mg/dL,mg/dL,66 +353954257,1488334,500,1,sodium,134.0,134,mmol/L,mEq/L,543 +359197750,1488334,-314,1,creatinine,0.67,0.67,mg/dL,mg/dL,-230 +362579424,1488334,-314,3,MCHC,34.7,34.7,g/dL,g/dL,-265 +359197749,1488334,-314,1,potassium,4.5,4.5,mmol/L,mEq/L,-230 +353954253,1488334,500,1,potassium,3.6,3.6,mmol/L,mEq/L,543 +360331201,1488334,244,1,potassium,3.7,3.7,mmol/L,mEq/L,288 +362579423,1488334,-314,3,-monos,5.0,5,%,%,-265 +359197751,1488334,-314,1,sodium,134.0,134,mmol/L,mEq/L,-230 +353954252,1488334,500,1,total bilirubin,0.1,0.1,mg/dL,mg/dL,543 +360331206,1488334,244,1,glucose,286.0,286,mg/dL,mg/dL,288 +362579414,1488334,-314,3,RBC,5.67,5.67,M/mcL,MIL/uL,-265 +359197755,1488334,-314,1,chloride,93.0,93,mmol/L,mEq/L,-230 +353954258,1488334,500,1,albumin,2.9,2.9,g/dL,g/dL,543 +360331205,1488334,244,1,calcium,7.9,7.9,mg/dL,mg/dL,288 +362579421,1488334,-314,3,WBC x 1000,7.9,7.9,K/mcL,K/uL,-265 +359197753,1488334,-314,1,calcium,8.9,8.9,mg/dL,mg/dL,-230 +353954264,1488334,500,1,chloride,105.0,105,mmol/L,mEq/L,543 +360331203,1488334,244,1,sodium,131.0,131,mmol/L,mEq/L,288 +362579425,1488334,-314,3,platelets x 1000,203.0,203,K/mcL,K/uL,-265 +359197756,1488334,-314,1,BUN,14.0,14,mg/dL,mg/dL,-230 +353954263,1488334,500,1,glucose,144.0,144,mg/dL,mg/dL,543 +360331202,1488334,244,1,creatinine,0.6,0.60,mg/dL,mg/dL,288 +362579419,1488334,-314,3,MCV,84.0,84.0,fL,fL,-265 +359197754,1488334,-314,1,glucose,410.0,410,mg/dL,mg/dL,-230 +353954260,1488334,500,1,total protein,5.6,5.6,g/dL,g/dL,543 +354419208,1488334,244,1,BUN,12.0,12,mg/dL,mg/dL,288 +362579418,1488334,-314,3,-eos,1.0,1,%,%,-265 +360331204,1488334,244,1,bicarbonate,17.0,17,mmol/L,mEq/L,288 +353954259,1488334,500,1,bicarbonate,20.0,20,mmol/L,mEq/L,543 +358518139,1488334,500,1,magnesium,1.7,1.7,mg/dL,mg/dL,543 +362579416,1488334,-314,3,-polys,55.0,55,%,%,-265 +359197752,1488334,-314,1,bicarbonate,14.0,14,mmol/L,mEq/L,-230 +353954262,1488334,500,1,ALT (SGPT),24.0,24,Units/L,U/L,543 +354419207,1488334,244,1,chloride,99.0,99,mmol/L,mEq/L,288 +362579420,1488334,-314,3,Hgb,16.5,16.5,g/dL,g/dL,-265 +366946871,1488334,-311,4,urinary specific gravity,,>1.030,,,-300 +353954255,1488334,500,1,alkaline phos.,57.0,57,Units/L,U/L,543 +278163908,1176675,3537,1,total protein,7.7,7.7,g/dL,gm/dL,3664 +278163905,1176675,3537,1,sodium,132.0,132,mmol/L,mmol/L,3664 +278163906,1176675,3537,1,albumin,2.8,2.8,g/dL,gm/dL,3664 +278163904,1176675,3537,1,AST (SGOT),66.0,66,Units/L,U/L,3664 +291519273,1176675,93,7,Temperature,37.0,37.0,°C,Celsius,99 +278163903,1176675,3537,1,alkaline phos.,146.0,146,Units/L,U/L,3664 +291519267,1176675,93,7,HCO3,26.0,26,mmol/L,mmol/L,99 +278163902,1176675,3537,1,creatinine,1.26,1.26,mg/dL,mg/dL,3664 +291519270,1176675,93,7,paCO2,37.0,37,mm Hg,mmHg,99 +278163901,1176675,3537,1,potassium,2.9,2.9,mmol/L,mmol/L,3664 +291519269,1176675,93,7,paO2,76.0,76,mm Hg,mmHg,99 +278163913,1176675,3537,1,BUN,32.0,32,mg/dL,mg/dL,3664 +291519271,1176675,93,7,pH,7.46,7.46,,,99 +278163909,1176675,3537,1,calcium,8.8,8.8,mg/dL,mg/dL,3664 +292458246,1176675,2889,7,O2 Sat (%),96.0,96,%,%,2890 +278163907,1176675,3537,1,bicarbonate,28.0,28,mmol/L,mmol/L,3664 +276609241,1176675,2360,1,ALT (SGPT),62.0,62,Units/L,U/L,2389 +291519272,1176675,93,7,O2 Sat (%),99.0,99,%,%,99 +276609243,1176675,2360,1,chloride,92.0,92,mmol/L,mmol/L,2389 +278046352,1176675,3533,1,magnesium,2.8,2.8,mg/dL,mg/dL,3697 +276609242,1176675,2360,1,glucose,162.0,162,mg/dL,mg/dL,2389 +288398568,1176675,-220,3,Hct,39.8,39.8,%,%,-210 +276609244,1176675,2360,1,BUN,23.0,23,mg/dL,mg/dL,2389 +292458244,1176675,2889,7,Respiratory Rate,25.0,25,/min,/min,2890 +276609238,1176675,2360,1,bicarbonate,29.0,29,mmol/L,mmol/L,2389 +288398569,1176675,-220,3,Hgb,13.3,13.3,g/dL,g/dL,-210 +276609240,1176675,2360,1,calcium,9.1,9.1,mg/dL,mg/dL,2389 +278163910,1176675,3537,1,ALT (SGPT),63.0,63,Units/L,U/L,3664 +276609239,1176675,2360,1,total protein,7.9,7.9,g/dL,gm/dL,2389 +288398570,1176675,-220,3,WBC x 1000,14.27,14.27,K/mcL,thou/cumm,-210 +276609232,1176675,2360,1,potassium,3.3,3.3,mmol/L,mmol/L,2389 +276803391,1176675,6567,1,BUN,44.0,44,mg/dL,mg/dL,6586 +291519268,1176675,93,7,FiO2,65.0,65,%,%,99 +276803387,1176675,6567,1,bicarbonate,27.0,27,mmol/L,mmol/L,6586 +276609236,1176675,2360,1,sodium,135.0,135,mmol/L,mmol/L,2389 +283431969,1176675,3537,3,RBC,4.03,4.03,M/mcL,mill/cumm,3560 +288398567,1176675,-220,3,RBC,4.24,4.24,M/mcL,mill/cumm,-210 +276803386,1176675,6567,1,sodium,130.0,130,mmol/L,mmol/L,6586 +276609235,1176675,2360,1,AST (SGOT),58.0,58,Units/L,U/L,2389 +279216365,1176675,5155,1,calcium,9.8,9.8,mg/dL,mg/dL,5216 +283431970,1176675,3537,3,Hct,37.7,37.7,%,%,3560 +278163911,1176675,3537,1,glucose,177.0,177,mg/dL,mg/dL,3664 +277974873,1176675,1168,1,potassium,3.5,3.5,mmol/L,mmol/L,1187 +276803388,1176675,6567,1,calcium,9.9,9.9,mg/dL,mg/dL,6586 +276609237,1176675,2360,1,albumin,3.1,3.1,g/dL,gm/dL,2389 +279216368,1176675,5155,1,BUN,42.0,42,mg/dL,mg/dL,5216 +283431972,1176675,3537,3,WBC x 1000,13.54,13.54,K/mcL,thou/cumm,3560 +288398571,1176675,-220,3,platelets x 1000,200.0,200,K/mcL,thou/cumm,-210 +277974874,1176675,1168,1,creatinine,1.05,1.05,mg/dL,mg/dL,1187 +276803384,1176675,6567,1,potassium,3.7,3.7,mmol/L,mmol/L,6586 +276609233,1176675,2360,1,creatinine,1.11,1.11,mg/dL,mg/dL,2389 +279216361,1176675,5155,1,potassium,3.4,3.4,mmol/L,mmol/L,5216 +283431971,1176675,3537,3,Hgb,12.5,12.5,g/dL,g/dL,3560 +292458243,1176675,2889,7,FiO2,45.0,45,%,%,2890 +277974881,1176675,1168,1,calcium,8.8,8.8,mg/dL,mg/dL,1187 +276803385,1176675,6567,1,creatinine,1.38,1.38,mg/dL,mg/dL,6586 +289459481,1176675,8535,4,bedside glucose,150.0,150,mg/dL,mg/dL,8536 +279216362,1176675,5155,1,creatinine,1.42,1.42,mg/dL,mg/dL,5216 +283431968,1176675,3537,3,MPV,10.5,10.5,fL,fl,3560 +288398566,1176675,-220,3,MPV,10.8,10.8,fL,fl,-210 +277974882,1176675,1168,1,ALT (SGPT),62.0,62,Units/L,U/L,1187 +276803389,1176675,6567,1,glucose,157.0,157,mg/dL,mg/dL,6586 +276609234,1176675,2360,1,alkaline phos.,141.0,141,Units/L,U/L,2389 +279216363,1176675,5155,1,sodium,129.0,129,mmol/L,mmol/L,5216 +283431973,1176675,3537,3,platelets x 1000,243.0,243,K/mcL,thou/cumm,3560 +278163912,1176675,3537,1,chloride,89.0,89,mmol/L,mmol/L,3664 +277974883,1176675,1168,1,glucose,165.0,165,mg/dL,mg/dL,1187 +289879452,1176675,2836,4,urinary specific gravity,1.016,1.016,,,2860 +276175273,1176675,4320,1,potassium,3.3,3.3,mmol/L,mmol/L,4357 +290825582,1176675,735,7,Respiratory Rate,24.0,24,/min,/min,736 +276803390,1176675,6567,1,chloride,85.0,85,mmol/L,mmol/L,6586 +276605731,1176675,5155,1,magnesium,2.9,2.9,mg/dL,mg/dL,5216 +277974876,1176675,1168,1,AST (SGOT),52.0,52,Units/L,U/L,1187 +288867499,1176675,1168,3,RBC,4.29,4.29,M/mcL,mill/cumm,1174 +279216364,1176675,5155,1,bicarbonate,30.0,30,mmol/L,mmol/L,5216 +288867502,1176675,1168,3,WBC x 1000,13.55,13.55,K/mcL,thou/cumm,1174 +277974877,1176675,1168,1,sodium,131.0,131,mmol/L,mmol/L,1187 +288867503,1176675,1168,3,platelets x 1000,211.0,211,K/mcL,thou/cumm,1174 +281898973,1176675,-220,1,LDL,218.0,218,mg/dL,mg/dL,-79 +288867500,1176675,1168,3,Hct,40.6,40.6,%,%,1174 +277974878,1176675,1168,1,albumin,3.1,3.1,g/dL,gm/dL,1187 +288867501,1176675,1168,3,Hgb,13.5,13.5,g/dL,g/dL,1174 +290825581,1176675,735,7,FiO2,70.0,70,%,%,736 +288867498,1176675,1168,3,MPV,11.0,11.0,fL,fl,1174 +277974879,1176675,1168,1,bicarbonate,26.0,26,mmol/L,mmol/L,1187 +279923726,1176675,-220,1,glucose,159.0,159,mg/dL,mg/dL,-189 +281898976,1176675,-220,1,HDL,12.0,12,mg/dL,mg/dL,-79 +279923723,1176675,-220,1,total protein,7.6,7.6,g/dL,gm/dL,-189 +277974880,1176675,1168,1,total protein,7.4,7.4,g/dL,gm/dL,1187 +279923724,1176675,-220,1,calcium,9.0,9.0,mg/dL,mg/dL,-189 +286098111,1176675,41,3,PT,13.8,13.8,sec,sec,59 +279923719,1176675,-220,1,AST (SGOT),55.0,55,Units/L,U/L,-189 +277974884,1176675,1168,1,chloride,92.0,92,mmol/L,mmol/L,1187 +279923720,1176675,-220,1,sodium,136.0,136,mmol/L,mmol/L,-189 +279216367,1176675,5155,1,chloride,84.0,84,mmol/L,mmol/L,5216 +279923725,1176675,-220,1,ALT (SGPT),80.0,80,Units/L,U/L,-189 +277974875,1176675,1168,1,alkaline phos.,134.0,134,Units/L,U/L,1187 +279923728,1176675,-220,1,BUN,14.0,14,mg/dL,mg/dL,-189 +281898974,1176675,-220,1,triglycerides,357.0,357,mg/dL,mg/dL,-79 +279923727,1176675,-220,1,chloride,97.0,97,mmol/L,mmol/L,-189 +277974885,1176675,1168,1,BUN,19.0,19,mg/dL,mg/dL,1187 +288373386,1176675,8060,3,platelets x 1000,300.0,300,K/mcL,thou/cumm,8080 +278369698,1176675,41,1,lactate,2.2,2.2,mmol/L,mmol/L,60 +279923716,1176675,-220,1,potassium,3.6,3.6,mmol/L,mmol/L,-189 +287347592,1176675,41,3,PTT,36.5,36.5,sec,sec,60 +288373384,1176675,8060,3,Hgb,13.0,13.0,g/dL,g/dL,8080 +288884173,1176675,5155,3,MPV,11.1,11.1,fL,fl,5197 +279923717,1176675,-220,1,creatinine,0.87,0.87,mg/dL,mg/dL,-189 +290825583,1176675,735,7,O2 Sat (%),95.0,95,%,%,736 +288373383,1176675,8060,3,Hct,38.5,38.5,%,%,8080 +288884174,1176675,5155,3,RBC,4.44,4.44,M/mcL,mill/cumm,5197 +279923722,1176675,-220,1,bicarbonate,23.0,23,mmol/L,mmol/L,-189 +281898975,1176675,-220,1,total cholesterol,301.0,301,mg/dL,mg/dL,-79 +288848417,1176675,2360,3,MPV,10.8,10.8,fL,fl,2379 +288884175,1176675,5155,3,Hct,41.1,41.1,%,%,5197 +288373385,1176675,8060,3,WBC x 1000,11.44,11.44,K/mcL,thou/cumm,8080 +286098112,1176675,41,3,PT - INR,1.03,1.03,ratio,,59 +288848420,1176675,2360,3,Hgb,13.0,13.0,g/dL,g/dL,2379 +288884176,1176675,5155,3,Hgb,13.4,13.4,g/dL,g/dL,5197 +279923721,1176675,-220,1,albumin,3.6,3.6,g/dL,gm/dL,-189 +291283599,1176675,2157,7,O2 Sat (%),95.0,95,%,%,2158 +288848419,1176675,2360,3,Hct,39.4,39.4,%,%,2379 +288884177,1176675,5155,3,WBC x 1000,11.82,11.82,K/mcL,thou/cumm,5197 +288373381,1176675,8060,3,MPV,10.6,10.6,fL,fl,8080 +279216366,1176675,5155,1,glucose,149.0,149,mg/dL,mg/dL,5216 +288848421,1176675,2360,3,WBC x 1000,13.64,13.64,K/mcL,thou/cumm,2379 +292824048,1176675,130,7,Respiratory Rate,33.0,33,/min,/min,131 +279923718,1176675,-220,1,alkaline phos.,140.0,140,Units/L,U/L,-189 +291283597,1176675,2157,7,FiO2,75.0,75,%,%,2158 +292493785,1176675,1400,7,Respiratory Rate,26.0,26,/min,/min,1536 +289395485,1176675,-220,4,BNP,3935.0,3935.0,pg/mL,pg/mL,-184 +288848422,1176675,2360,3,platelets x 1000,244.0,244,K/mcL,thou/cumm,2379 +281141770,1176675,457,1,troponin - T,0.64,0.64,ng/mL,ng/mL,546 +283639405,1176675,1514,3,PTT,69.6,69.6,sec,sec,1537 +288884178,1176675,5155,3,platelets x 1000,319.0,319,K/mcL,thou/cumm,5197 +277462507,1176675,-220,1,troponin - T,0.43,0.43,ng/mL,ng/mL,-184 +281374619,1176675,147,1,troponin - T,0.66,0.66,ng/mL,ng/mL,182 +288373382,1176675,8060,3,RBC,4.23,4.23,M/mcL,mill/cumm,8080 +292824047,1176675,130,7,FiO2,45.0,45,%,%,131 +289219733,1176675,9046,4,bedside glucose,165.0,165,mg/dL,mg/dL,9090 +291283598,1176675,2157,7,Respiratory Rate,33.0,33,/min,/min,2158 +292493784,1176675,1400,7,FiO2,70.0,70,%,%,1536 +289657155,1176675,-130,4,urinary specific gravity,1.013,1.013,,,-103 +288848418,1176675,2360,3,RBC,4.19,4.19,M/mcL,mill/cumm,2379 +665266960,2853320,1743,3,-polys,53.0,53,%,%,1812 +655914527,2853320,6048,3,MCV,85.0,85,fL,fL,6124 +665266963,2853320,1743,3,MCV,87.0,87,fL,fL,1812 +655914528,2853320,6048,3,MCH,27.2,27.2,pg,pg,6124 +665266961,2853320,1743,3,Hct,24.1,24.1,%,%,1812 +655914529,2853320,6048,3,MCHC,32.0,32.0,g/dL,g/dL,6124 +665266962,2853320,1743,3,-eos,4.0,4,%,%,1812 +655914530,2853320,6048,3,RDW,17.0,17.0,%,%,6124 +665266959,2853320,1743,3,-basos,0.0,0,%,%,1812 +655914526,2853320,6048,3,Hct,27.2,27.2,%,%,6124 +665266964,2853320,1743,3,Hgb,7.5,7.5,g/dL,g/dL,1812 +655914524,2853320,6048,3,RBC,3.2,3.20,M/mcL,M/uL,6124 +665266958,2853320,1743,3,RBC,2.78,2.78,M/mcL,M/uL,1812 +655914531,2853320,6048,3,platelets x 1000,219.0,219,K/mcL,K/uL,6124 +665266969,2853320,1743,3,MCHC,31.1,31.1,g/dL,g/dL,1812 +655914525,2853320,6048,3,Hgb,8.7,8.7,g/dL,g/dL,6124 +655914532,2853320,6048,3,-polys,49.0,49,%,%,6124 +665266970,2853320,1743,3,platelets x 1000,191.0,191,K/mcL,K/uL,1812 +633598759,2853320,-7,1,bicarbonate,23.0,23,mmol/L,mmol/L,121 +655914523,2853320,6048,3,WBC x 1000,3.9,3.9,K/mcL,K/uL,6124 +633598756,2853320,-7,1,creatinine,3.17,3.17,mg/dL,mg/dL,121 +665266965,2853320,1743,3,WBC x 1000,4.2,4.2,K/mcL,K/uL,1812 +633598760,2853320,-7,1,calcium,8.4,8.4,mg/dL,mg/dL,121 +655914535,2853320,6048,3,-eos,3.0,3,%,%,6124 +633598757,2853320,-7,1,anion gap,13.1,13.1,,mmol/L,121 +662335363,2853320,368,3,MCH,27.4,27.4,pg,pg,915 +665266957,2853320,1743,3,-lymphs,32.0,32,%,%,1812 +662335364,2853320,368,3,-monos,8.0,8,%,%,915 +633598758,2853320,-7,1,sodium,132.0,132,mmol/L,mmol/L,121 +662335365,2853320,368,3,MCHC,31.5,31.5,g/dL,g/dL,915 +655914533,2853320,6048,3,-lymphs,36.0,36,%,%,6124 +656903107,2853320,-258,3,-lymphs,22.0,22,%,%,-218 +633598761,2853320,-7,1,glucose,126.0,126,mg/dL,mg/dL,121 +662335361,2853320,368,3,WBC x 1000,5.7,5.7,K/mcL,K/uL,915 +665266966,2853320,1743,3,RDW,16.3,16.3,%,%,1812 +656903117,2853320,-258,3,MCH,27.8,27.8,pg,pg,-218 +633598763,2853320,-7,1,BUN,41.0,41,mg/dL,mg/dL,121 +662335366,2853320,368,3,platelets x 1000,216.0,216,K/mcL,K/uL,915 +655914536,2853320,6048,3,-basos,0.0,0,%,%,6124 +656903118,2853320,-258,3,-monos,8.0,8,%,%,-218 +633598762,2853320,-7,1,chloride,101.0,101,mmol/L,mmol/L,121 +662335362,2853320,368,3,RDW,16.7,16.7,%,%,915 +673573960,2853320,-267,4,WBC's in urine,,>100,,/(hpf),-208 +656903119,2853320,-258,3,MCHC,32.7,32.7,g/dL,g/dL,-218 +626108732,2853320,6048,1,calcium,8.9,8.9,mg/dL,mg/dL,6104 +630162716,2853320,4608,1,glucose,121.0,121,mg/dL,mg/dL,4660 +665266967,2853320,1743,3,MCH,27.0,27.0,pg,pg,1812 +656903120,2853320,-258,3,platelets x 1000,261.0,261,K/mcL,K/uL,-218 +674425751,2853320,4617,4,bedside glucose,109.0,109,mg/dL,mg/dL,4629 +662335356,2853320,368,3,-polys,62.0,62,%,%,915 +647739959,2853320,-12,1,lactate,1.6,1.6,mmol/L,mmol/L,52 +636680331,2853320,-258,1,ALT (SGPT),9.0,9,Units/L,U/L,-185 +673746088,2853320,704,4,bedside glucose,120.0,120,mg/dL,mg/dL,1173 +630162717,2853320,4608,1,BUN,17.0,17,mg/dL,mg/dL,4660 +655914534,2853320,6048,3,-monos,12.0,12,%,%,6124 +656903115,2853320,-258,3,WBC x 1000,8.3,8.3,K/mcL,K/uL,-218 +673929159,2853320,7505,4,bedside glucose,89.0,89,mg/dL,mg/dL,7526 +662335357,2853320,368,3,Hct,25.4,25.4,%,%,915 +674335289,2853320,3172,4,bedside glucose,108.0,108,mg/dL,mg/dL,3183 +636680330,2853320,-258,1,calcium,8.8,8.8,mg/dL,mg/dL,-185 +626108731,2853320,6048,1,creatinine,0.88,0.88,mg/dL,mg/dL,6104 +630162718,2853320,4608,1,creatinine,1.09,1.09,mg/dL,mg/dL,4660 +672449853,2853320,597,4,TSH,13.06,13.06,mcU/ml,uIU/mL,618 +656903116,2853320,-258,3,RDW,16.4,16.4,%,%,-218 +673171119,2853320,5023,4,bedside glucose,105.0,105,mg/dL,mg/dL,5046 +662335358,2853320,368,3,-eos,3.0,3,%,%,915 +673573961,2853320,-267,4,urinary specific gravity,1.005,1.005,,,-208 +636680332,2853320,-258,1,glucose,109.0,109,mg/dL,mg/dL,-193 +642840207,2853320,-258,1,magnesium,2.4,2.4,mg/dL,mg/dL,-185 +630162719,2853320,4608,1,calcium,8.7,8.7,mg/dL,mg/dL,4660 +646054858,2853320,-7,1,potassium,5.1,5.1,mmol/L,mmol/L,121 +656903108,2853320,-258,3,RBC,3.17,3.17,M/mcL,M/uL,-218 +671120735,2853320,5600,4,bedside glucose,123.0,123,mg/dL,mg/dL,9116 +637773419,2853320,718,1,LDH,121.0,121,Units/L,U/L,744 +662335354,2853320,368,3,RBC,2.92,2.92,M/mcL,M/uL,915 +629964964,2853320,368,1,total bilirubin,0.2,0.2,mg/dL,mg/dL,411 +636680328,2853320,-258,1,bicarbonate,23.0,23,mmol/L,mmol/L,-193 +650465349,2853320,7473,3,Hct,27.1,27.1,%,%,7548 +627264886,2853320,7473,1,anion gap,12.1,12.1,,mmol/L,7566 +629964977,2853320,368,1,chloride,101.0,101,mmol/L,mmol/L,411 +656903112,2853320,-258,3,-eos,2.0,2,%,%,-218 +650465351,2853320,7473,3,MCH,27.4,27.4,pg,pg,7548 +630162714,2853320,4608,1,bicarbonate,28.0,28,mmol/L,mmol/L,4660 +629964978,2853320,368,1,BUN,40.0,40,mg/dL,mg/dL,411 +636680329,2853320,-258,1,total protein,6.5,6.5,g/dL,g/dL,-185 +650465352,2853320,7473,3,MCHC,32.1,32.1,g/dL,g/dL,7548 +627264887,2853320,7473,1,glucose,111.0,111,mg/dL,mg/dL,7566 +629964971,2853320,368,1,albumin,1.9,1.9,g/dL,g/dL,411 +656903111,2853320,-258,3,Hct,26.9,26.9,%,%,-218 +650465348,2853320,7473,3,Hgb,8.7,8.7,g/dL,g/dL,7548 +662335353,2853320,368,3,-lymphs,27.0,27,%,%,915 +648692601,2853320,3200,3,WBC x 1000,4.1,4.1,K/mcL,K/uL,3214 +636680333,2853320,-258,1,chloride,97.0,97,mmol/L,mmol/L,-193 +629964972,2853320,368,1,bicarbonate,23.0,23,mmol/L,mmol/L,411 +627264885,2853320,7473,1,bicarbonate,28.0,28,mmol/L,mmol/L,7566 +648692613,2853320,3200,3,-eos,3.0,3,%,%,3214 +656903113,2853320,-258,3,MCV,85.0,85,fL,fL,-218 +650465350,2853320,7473,3,MCV,85.0,85,fL,fL,7548 +630162715,2853320,4608,1,anion gap,11.4,11.4,,mmol/L,4660 +648692611,2853320,3200,3,-lymphs,35.0,35,%,%,3214 +636330149,2853320,-258,1,troponin - I,,<0.02,ng/mL,ng/mL,-193 +629964973,2853320,368,1,total protein,5.7,5.7,g/dL,g/dL,411 +660463311,2853320,4608,3,MCV,87.0,87,fL,fL,4732 +648692602,2853320,3200,3,RBC,2.93,2.93,M/mcL,M/uL,3214 +656903109,2853320,-258,3,-basos,0.0,0,%,%,-218 +650465353,2853320,7473,3,RDW,16.4,16.4,%,%,7548 +627264882,2853320,7473,1,sodium,141.0,141,mmol/L,mmol/L,7566 +648692605,2853320,3200,3,MCV,86.0,86,fL,fL,3214 +635372078,2853320,-258,1,CPK-MB,,<1.0,ng/mL,ng/mL,-185 +629964970,2853320,368,1,sodium,134.0,134,mmol/L,mmol/L,411 +660463310,2853320,4608,3,Hct,25.0,25.0,%,%,4732 +648692606,2853320,3200,3,MCH,27.0,27.0,pg,pg,3214 +641216969,2853320,368,1,troponin - I,,<0.02,ng/mL,ng/mL,411 +650465359,2853320,7473,3,-basos,1.0,1,%,%,7548 +662335359,2853320,368,3,MCV,87.0,87,fL,fL,915 +648692607,2853320,3200,3,MCHC,31.3,31.3,g/dL,g/dL,3214 +671084638,2853320,7882,4,bedside glucose,140.0,140,mg/dL,mg/dL,9116 +629964974,2853320,368,1,calcium,8.4,8.4,mg/dL,mg/dL,411 +660463309,2853320,4608,3,Hgb,7.7,7.7,g/dL,g/dL,4732 +648692603,2853320,3200,3,Hgb,7.9,7.9,g/dL,g/dL,3214 +656903114,2853320,-258,3,Hgb,8.8,8.8,g/dL,g/dL,-218 +650465347,2853320,7473,3,RBC,3.18,3.18,M/mcL,M/uL,7548 +627264888,2853320,7473,1,BUN,10.0,10,mg/dL,mg/dL,7566 +647736972,2853320,6048,1,BUN,13.0,13,mg/dL,mg/dL,6104 +640168762,2853320,364,1,lactate,0.8,0.8,mmol/L,mmol/L,402 +629964969,2853320,368,1,AST (SGOT),13.0,13,Units/L,U/L,411 +660463308,2853320,4608,3,RBC,2.88,2.88,M/mcL,M/uL,4732 +648692608,2853320,3200,3,RDW,16.5,16.5,%,%,3214 +636680334,2853320,-258,1,BUN,41.0,41,mg/dL,mg/dL,-193 +650465358,2853320,7473,3,-eos,3.0,3,%,%,7548 +630162712,2853320,4608,1,potassium,3.9,3.9,mmol/L,mmol/L,4660 +647736970,2853320,6048,1,anion gap,9.8,9.8,,mmol/L,6104 +628290277,2853320,368,1,CPK,15.0,15,Units/L,U/L,411 +629964975,2853320,368,1,ALT (SGPT),8.0,8,Units/L,U/L,411 +660463312,2853320,4608,3,MCH,26.7,26.7,pg,pg,4732 +648692604,2853320,3200,3,Hct,25.2,25.2,%,%,3214 +671779089,2853320,2118,4,bedside glucose,113.0,113,mg/dL,mg/dL,2541 +650465354,2853320,7473,3,platelets x 1000,206.0,206,K/mcL,K/uL,7548 +627264883,2853320,7473,1,potassium,3.6,3.6,mmol/L,mmol/L,7566 +647736971,2853320,6048,1,glucose,116.0,116,mg/dL,mg/dL,6104 +638531718,2853320,3200,1,magnesium,1.7,1.7,mg/dL,mg/dL,3248 +629964965,2853320,368,1,potassium,4.9,4.9,mmol/L,mmol/L,411 +660463307,2853320,4608,3,WBC x 1000,3.5,3.5,K/mcL,K/uL,4732 +648692610,2853320,3200,3,-polys,52.0,52,%,%,3214 +672062014,2853320,3978,4,bedside glucose,141.0,141,mg/dL,mg/dL,3993 +650465355,2853320,7473,3,-polys,43.0,43,%,%,7548 +662335355,2853320,368,3,-basos,0.0,0,%,%,915 +647736966,2853320,6048,1,sodium,139.0,139,mmol/L,mmol/L,6104 +670661508,2853320,6061,4,bedside glucose,104.0,104,mg/dL,mg/dL,9116 +629964968,2853320,368,1,anion gap,14.9,14.9,,mmol/L,411 +660463313,2853320,4608,3,MCHC,30.8,30.8,g/dL,g/dL,4732 +648692609,2853320,3200,3,platelets x 1000,219.0,219,K/mcL,K/uL,3214 +671315923,2853320,6603,4,urinary specific gravity,1.005,1.005,,,6744 +650465356,2853320,7473,3,-lymphs,37.0,37,%,%,7548 +627264884,2853320,7473,1,chloride,105.0,105,mmol/L,mmol/L,7566 +647736969,2853320,6048,1,bicarbonate,28.0,28,mmol/L,mmol/L,6104 +655096508,2853320,368,3,PT - INR,1.4,1.4,ratio,,389 +629964976,2853320,368,1,glucose,108.0,108,mg/dL,mg/dL,411 +660463318,2853320,4608,3,-monos,13.0,13,%,%,4732 +648692612,2853320,3200,3,-monos,10.0,10,%,%,3214 +672359488,2853320,3536,4,bedside glucose,121.0,121,mg/dL,mg/dL,3568 +650465357,2853320,7473,3,-monos,16.0,16,%,%,7548 +630162713,2853320,4608,1,chloride,105.0,105,mmol/L,mmol/L,4660 +647736967,2853320,6048,1,potassium,3.8,3.8,mmol/L,mmol/L,6104 +635372077,2853320,-258,1,CPK,16.0,16,Units/L,U/L,-185 +629964966,2853320,368,1,creatinine,2.87,2.87,mg/dL,mg/dL,411 +660463319,2853320,4608,3,-eos,5.0,5,%,%,4732 +648692614,2853320,3200,3,-basos,0.0,0,%,%,3214 +671222367,2853320,6795,4,bedside glucose,110.0,110,mg/dL,mg/dL,6806 +650465346,2853320,7473,3,WBC x 1000,3.9,3.9,K/mcL,K/uL,7548 +627264890,2853320,7473,1,calcium,8.6,8.6,mg/dL,mg/dL,7566 +647736968,2853320,6048,1,chloride,105.0,105,mmol/L,mmol/L,6104 +673537885,2853320,5328,4,bedside glucose,111.0,111,mg/dL,mg/dL,5348 +629964967,2853320,368,1,alkaline phos.,65.0,65,Units/L,U/L,411 +646883599,2853320,-258,1,potassium,5.7,5.7,mmol/L,mmol/L,-193 +646601244,2853320,718,1,AST (SGOT),10.0,10,Units/L,U/L,744 +660463320,2853320,4608,3,-basos,1.0,1,%,%,4732 +637956254,2853320,-7,1,LDH,106.0,106,Units/L,U/L,121 +629090831,2853320,-7,1,AST (SGOT),10.0,10,Units/L,U/L,121 +632005660,2853320,1743,1,calcium,8.4,8.4,mg/dL,mg/dL,1879 +646883600,2853320,-258,1,creatinine,3.45,3.45,mg/dL,mg/dL,-193 +631834877,2853320,3200,1,chloride,106.0,106,mmol/L,mmol/L,3248 +662335360,2853320,368,3,Hgb,8.0,8.0,g/dL,g/dL,915 +631834875,2853320,3200,1,sodium,140.0,140,mmol/L,mmol/L,3248 +655096507,2853320,368,3,PT,16.4,16.4,sec,sec,389 +632005659,2853320,1743,1,bicarbonate,24.0,24,mmol/L,mmol/L,1879 +646883601,2853320,-258,1,alkaline phos.,73.0,73,Units/L,U/L,-185 +632005661,2853320,1743,1,glucose,106.0,106,mg/dL,mg/dL,1879 +660463317,2853320,4608,3,-lymphs,37.0,37,%,%,4732 +631834882,2853320,3200,1,creatinine,1.42,1.42,mg/dL,mg/dL,3248 +672499489,2853320,6449,4,bedside glucose,125.0,125,mg/dL,mg/dL,6461 +632005662,2853320,1743,1,chloride,107.0,107,mmol/L,mmol/L,1879 +646883605,2853320,-258,1,albumin,2.1,2.1,g/dL,g/dL,-185 +632005658,2853320,1743,1,sodium,140.0,140,mmol/L,mmol/L,1879 +627264889,2853320,7473,1,creatinine,0.83,0.83,mg/dL,mg/dL,7566 +631834878,2853320,3200,1,bicarbonate,26.0,26,mmol/L,mmol/L,3248 +674444179,2853320,7010,4,bedside glucose,115.0,115,mg/dL,mg/dL,7024 +631834879,2853320,3200,1,anion gap,12.4,12.4,,mmol/L,3248 +646883602,2853320,-258,1,anion gap,15.5,15.5,,mmol/L,-193 +631834880,2853320,3200,1,glucose,131.0,131,mg/dL,mg/dL,3248 +660463316,2853320,4608,3,-polys,44.0,44,%,%,4732 +632005656,2853320,1743,1,creatinine,1.84,1.84,mg/dL,mg/dL,1879 +656903110,2853320,-258,3,-polys,68.0,68,%,%,-218 +632005657,2853320,1743,1,anion gap,13.9,13.9,,mmol/L,1879 +646883603,2853320,-258,1,AST (SGOT),16.0,16,Units/L,U/L,-185 +632005663,2853320,1743,1,BUN,31.0,31,mg/dL,mg/dL,1879 +630162711,2853320,4608,1,sodium,140.0,140,mmol/L,mmol/L,4660 +631834883,2853320,3200,1,calcium,8.8,8.8,mg/dL,mg/dL,3248 +671804962,2853320,2457,4,bedside glucose,112.0,112,mg/dL,mg/dL,2490 +632005655,2853320,1743,1,potassium,4.5,4.5,mmol/L,mmol/L,1879 +646883604,2853320,-258,1,sodium,130.0,130,mmol/L,mmol/L,-193 +631834876,2853320,3200,1,potassium,4.3,4.3,mmol/L,mmol/L,3248 +660463315,2853320,4608,3,platelets x 1000,227.0,227,K/mcL,K/uL,4732 +630426354,2853320,718,1,troponin - I,,<0.02,ng/mL,ng/mL,744 +643049894,2853320,-7,1,CPK,12.0,12,Units/L,U/L,121 +631834881,2853320,3200,1,BUN,23.0,23,mg/dL,mg/dL,3248 +646883598,2853320,-258,1,total bilirubin,0.3,0.3,mg/dL,mg/dL,-185 +673561820,2853320,2668,4,bedside glucose,133.0,133,mg/dL,mg/dL,2683 +626818103,2853320,718,1,CPK,17.0,17,Units/L,U/L,744 +625758083,2853320,-7,1,troponin - I,,<0.02,ng/mL,ng/mL,121 +637846044,2853320,1743,1,magnesium,2.1,2.1,mg/dL,mg/dL,1879 +637726035,2853320,368,1,magnesium,2.2,2.2,mg/dL,mg/dL,411 +626459240,2853320,368,1,LDH,108.0,108,Units/L,U/L,411 +672971452,2853320,1319,4,bedside glucose,107.0,107,mg/dL,mg/dL,1332 +660463314,2853320,4608,3,RDW,16.8,16.8,%,%,4732 +671547781,2853320,4117,4,bedside glucose,124.0,124,mg/dL,mg/dL,4130 +665266968,2853320,1743,3,-monos,11.0,11,%,%,1812 +773150599,3157910,4018,1,glucose,88.0,88,mg/dL,mg/dL,4174 +773150600,3157910,4018,1,BUN,10.0,10,mg/dL,mg/dL,4174 +773150606,3157910,4018,1,anion gap,4.0,4,,mmol/L,4174 +772911470,3157910,2551,1,glucose,121.0,121,mg/dL,mg/dL,2667 +773150605,3157910,4018,1,bicarbonate,25.0,25,mmol/L,mmol/L,4174 +772911472,3157910,2551,1,creatinine,0.6,0.6,mg/dL,mg/dL,2667 +773150603,3157910,4018,1,potassium,4.2,4.2,mmol/L,mmol/L,4174 +772911471,3157910,2551,1,BUN,13.0,13,mg/dL,mg/dL,2667 +773150607,3157910,4018,1,calcium,8.8,8.8,mg/dL,mg/dL,4174 +772911478,3157910,2551,1,calcium,8.2,8.2,mg/dL,mg/dL,2667 +773150604,3157910,4018,1,chloride,106.0,106,mmol/L,mmol/L,4174 +773427759,3157910,6544,1,chloride,104.0,104,mmol/L,mmol/L,6603 +772737869,3157910,5175,1,sodium,136.0,136,mmol/L,mmol/L,5281 +773427756,3157910,6544,1,creatinine,0.6,0.6,mg/dL,mg/dL,6603 +772911475,3157910,2551,1,chloride,108.0,108,mmol/L,mmol/L,2667 +774430690,3157910,698,1,creatinine,1.0,1.0,mg/dL,mg/dL,766 +772982349,3157910,5175,1,magnesium,1.5,1.5,mg/dL,mg/dL,5281 +773427760,3157910,6544,1,bicarbonate,28.0,28,mmol/L,mmol/L,6603 +773150602,3157910,4018,1,sodium,135.0,135,mmol/L,mmol/L,4174 +774430689,3157910,698,1,potassium,3.9,3.9,mmol/L,mmol/L,766 +774463444,3157910,-532,1,BUN,23.0,23,mg/dL,mg/dL,-470 +773427754,3157910,6544,1,glucose,97.0,97,mg/dL,mg/dL,6603 +772737870,3157910,5175,1,potassium,4.2,4.2,mmol/L,mmol/L,5281 +774430692,3157910,698,1,sodium,135.0,135,mmol/L,mmol/L,766 +774463443,3157910,-532,1,chloride,102.0,102,mmol/L,mmol/L,-470 +773427757,3157910,6544,1,sodium,139.0,139,mmol/L,mmol/L,6603 +772911476,3157910,2551,1,bicarbonate,22.0,22,mmol/L,mmol/L,2667 +774430691,3157910,698,1,anion gap,7.0,7,,mmol/L,766 +774463439,3157910,-532,1,total protein,6.4,6.4,g/dL,g/dL,-470 +775221764,3157910,698,3,PT - INR,1.74,1.74,ratio,,721 +772737867,3157910,5175,1,BUN,11.0,11,mg/dL,mg/dL,5281 +773427755,3157910,6544,1,BUN,14.0,14,mg/dL,mg/dL,6603 +774463441,3157910,-532,1,ALT (SGPT),25.0,25,Units/L,IU/L,-470 +775221763,3157910,698,3,PT,20.3,20.3,sec,Seconds,721 +773895386,3157910,4018,1,phosphate,1.6,1.6,mg/dL,mg/dL,4174 +774430697,3157910,698,1,BUN,21.0,21,mg/dL,mg/dL,766 +774463440,3157910,-532,1,calcium,9.7,9.7,mg/dL,mg/dL,-470 +775085263,3157910,5175,3,-monos,19.4,19.4,%,%,5260 +775870857,3157910,698,3,MCHC,33.6,33.6,g/dL,g/dL,717 +772737868,3157910,5175,1,creatinine,0.7,0.7,mg/dL,mg/dL,5281 +775085262,3157910,5175,3,-lymphs,31.2,31.2,%,%,5260 +773427761,3157910,6544,1,anion gap,7.0,7,,mmol/L,6603 +774463435,3157910,-532,1,AST (SGOT),57.0,57,Units/L,IU/L,-470 +775085261,3157910,5175,3,-polys,42.8,42.8,%,%,5260 +775870858,3157910,698,3,platelets x 1000,100.0,100,K/mcL,10*3/uL,717 +772911473,3157910,2551,1,sodium,134.0,134,mmol/L,mmol/L,2667 +775104339,3157910,3725,3,MCV,89.8,89.8,fL,fL,3786 +774430696,3157910,698,1,chloride,107.0,107,mmol/L,mmol/L,766 +774463436,3157910,-532,1,sodium,133.0,133,mmol/L,mmol/L,-470 +775085264,3157910,5175,3,-eos,4.0,4.0,%,%,5260 +775870856,3157910,698,3,MCH,30.2,30.2,pg,pg,717 +776223217,3157910,6544,3,WBC x 1000,6.9,6.9,K/mcL,10*3/uL,6577 +775104338,3157910,3725,3,Hct,27.4,27.4,%,%,3786 +773335486,3157910,6544,1,phosphate,4.8,4.8,mg/dL,mg/dL,6603 +772737874,3157910,5175,1,calcium,8.9,8.9,mg/dL,mg/dL,5281 +775085260,3157910,5175,3,MPV,10.8,10.8,fL,fL,5260 +775870854,3157910,698,3,WBC x 1000,23.2,23.2,K/mcL,10*3/uL,717 +774463437,3157910,-532,1,albumin,3.2,3.2,g/dL,g/dL,-470 +775104337,3157910,3725,3,Hgb,9.1,9.1,g/dL,gm/dL,3786 +776815775,3157910,2332,3,platelets x 1000,100.0,100,K/mcL,10*3/uL,2382 +776223218,3157910,6544,3,RBC,3.23,3.23,M/mcL,10*6/uL,6577 +775104340,3157910,3725,3,MCH,29.8,29.8,pg,pg,3786 +774430693,3157910,698,1,bicarbonate,21.0,21,mmol/L,mmol/L,766 +773150601,3157910,4018,1,creatinine,0.7,0.7,mg/dL,mg/dL,4174 +775085259,3157910,5175,3,platelets x 1000,141.0,141,K/mcL,10*3/uL,5260 +776815774,3157910,2332,3,MCHC,33.8,33.8,g/dL,g/dL,2382 +774463438,3157910,-532,1,bicarbonate,24.0,24,mmol/L,mmol/L,-470 +775104342,3157910,3725,3,RDW,18.7,18.7,%,%cv,3786 +775870855,3157910,698,3,RDW,18.7,18.7,%,%cv,717 +776223226,3157910,6544,3,MPV,9.6,9.6,fL,fL,6577 +775085258,3157910,5175,3,RDW,18.9,18.9,%,%cv,5260 +776815772,3157910,2332,3,RDW,19.1,19.1,%,%cv,2382 +772737873,3157910,5175,1,anion gap,5.0,5,,mmol/L,5281 +775104341,3157910,3725,3,MCHC,33.2,33.2,g/dL,g/dL,3786 +773427758,3157910,6544,1,potassium,4.3,4.3,mmol/L,mmol/L,6603 +774463433,3157910,-532,1,alkaline phos.,87.0,87,Units/L,IU/L,-470 +775104336,3157910,3725,3,RBC,3.05,3.05,M/mcL,10*6/uL,3786 +776815771,3157910,2332,3,WBC x 1000,19.3,19.3,K/mcL,10*3/uL,2382 +776223222,3157910,6544,3,MCH,30.7,30.7,pg,pg,6577 +775085254,3157910,5175,3,Hct,30.2,30.2,%,%,5260 +775870849,3157910,698,3,MPV,10.7,10.7,fL,fL,717 +772911477,3157910,2551,1,anion gap,4.0,4,,mmol/L,2667 +775085253,3157910,5175,3,Hgb,10.2,10.2,g/dL,gm/dL,5260 +776815770,3157910,2332,3,Hgb,9.5,9.5,g/dL,gm/dL,2382 +774463434,3157910,-532,1,anion gap,7.0,7,,mmol/L,-470 +775085255,3157910,5175,3,MCV,91.0,91.0,fL,fL,5260 +774430694,3157910,698,1,calcium,8.6,8.6,mg/dL,mg/dL,766 +776223223,3157910,6544,3,MCHC,33.7,33.7,g/dL,g/dL,6577 +775085251,3157910,5175,3,WBC x 1000,7.8,7.8,K/mcL,10*3/uL,5260 +776815767,3157910,2332,3,RBC,3.08,3.08,M/mcL,10*6/uL,2382 +772737866,3157910,5175,1,glucose,97.0,97,mg/dL,mg/dL,5281 +775104349,3157910,3725,3,-basos,0.7,0.7,%,%,3786 +775870852,3157910,698,3,MCV,90.0,90.0,fL,fL,717 +774463430,3157910,-532,1,total bilirubin,1.8,1.8,mg/dL,mg/dL,-470 +775085256,3157910,5175,3,MCH,30.7,30.7,pg,pg,5260 +776815766,3157910,2332,3,MPV,10.5,10.5,fL,fL,2382 +776223224,3157910,6544,3,RDW,18.6,18.6,%,%cv,6577 +775085252,3157910,5175,3,RBC,3.32,3.32,M/mcL,10*6/uL,5260 +773427762,3157910,6544,1,calcium,9.0,9.0,mg/dL,mg/dL,6603 +774256807,3157910,4018,1,magnesium,1.2,1.2,mg/dL,mg/dL,4174 +775104347,3157910,3725,3,-monos,14.3,14.3,%,%,3786 +776815768,3157910,2332,3,Hct,28.1,28.1,%,%,2382 +774463431,3157910,-532,1,potassium,4.8,4.8,mmol/L,mmol/L,-470 +775104335,3157910,3725,3,WBC x 1000,11.0,11.0,K/mcL,10*3/uL,3786 +775870853,3157910,698,3,Hgb,10.0,10.0,g/dL,gm/dL,717 +776223220,3157910,6544,3,Hct,29.4,29.4,%,%,6577 +775104344,3157910,3725,3,MPV,10.4,10.4,fL,fL,3786 +776815769,3157910,2332,3,MCV,91.2,91.2,fL,fL,2382 +772737871,3157910,5175,1,chloride,104.0,104,mmol/L,mmol/L,5281 +775104343,3157910,3725,3,platelets x 1000,116.0,116,K/mcL,10*3/uL,3786 +774430695,3157910,698,1,glucose,113.0,113,mg/dL,mg/dL,766 +774463442,3157910,-532,1,glucose,147.0,147,mg/dL,mg/dL,-470 +775104346,3157910,3725,3,-lymphs,16.2,16.2,%,%,3786 +773442077,3157910,5175,1,phosphate,3.6,3.6,mg/dL,mg/dL,5281 +776223219,3157910,6544,3,Hgb,9.9,9.9,g/dL,gm/dL,6577 +775104345,3157910,3725,3,-polys,65.5,65.5,%,%,3786 +775870850,3157910,698,3,RBC,3.31,3.31,M/mcL,10*6/uL,717 +772911474,3157910,2551,1,potassium,3.4,3.4,mmol/L,mmol/L,2667 +775104348,3157910,3725,3,-eos,2.5,2.5,%,%,3786 +776815773,3157910,2332,3,MCH,30.8,30.8,pg,pg,2382 +774463432,3157910,-532,1,creatinine,1.1,1.1,mg/dL,mg/dL,-470 +775085257,3157910,5175,3,MCHC,33.8,33.8,g/dL,g/dL,5260 +772855056,3157910,-534,1,lactate,2.6,2.6,mmol/L,mmol/L,-460 +776223221,3157910,6544,3,MCV,91.0,91.0,fL,fL,6577 +772784676,3157910,6544,1,magnesium,1.3,1.3,mg/dL,mg/dL,6603 +774098909,3157910,698,1,magnesium,1.2,1.2,mg/dL,mg/dL,766 +772737872,3157910,5175,1,bicarbonate,27.0,27,mmol/L,mmol/L,5281 +775085265,3157910,5175,3,-basos,1.2,1.2,%,%,5260 +775870851,3157910,698,3,Hct,29.8,29.8,%,%,717 +774059152,3157910,-532,1,troponin - I,0.01,0.01,ng/mL,ng/mL,-470 +776881965,3157910,-256,4,urinary specific gravity,1.02,1.020,,,-220 +776956772,3157910,2620,4,bedside glucose,97.0,97,mg/dL,mg/dL,2644 +776223225,3157910,6544,3,platelets x 1000,129.0,129,K/mcL,10*3/uL,6577 +776847964,3157910,4087,4,WBC's in peritoneal fluid,2050.0,2050,,/uL,4402 +773633307,3157910,698,1,phosphate,4.5,4.5,mg/dL,mg/dL,766 +229803640,972877,-199,3,MCH,33.8,33.8,pg,pg,-187 +228842825,972877,-199,1,anion gap,6.0,6,,,-153 +229803641,972877,-199,3,-monos,4.0,4.0,%,%,-187 +228842826,972877,-199,1,sodium,138.0,138,mmol/L,mmol/L,-153 +229803643,972877,-199,3,platelets x 1000,143.0,143,K/mcL,th/uL,-187 +228842827,972877,-199,1,magnesium,1.6,1.6,mg/dL,mg/dL,-153 +229803642,972877,-199,3,MCHC,34.1,34.1,g/dL,g/dL,-187 +230010929,972877,-468,3,-polys,82.7,82.7,%,%,-449 +228842834,972877,-199,1,amylase,51.0,51,Units/L,IU/L,-153 +230010928,972877,-468,3,-basos,0.1,0.1,%,%,-449 +229803633,972877,-199,3,-polys,66.4,66.4,%,%,-187 +230010930,972877,-468,3,Hct,47.2,47.2,%,%,-449 +228842823,972877,-199,1,potassium,3.3,3.3,mmol/L,mmol/L,-153 +230010925,972877,-468,3,MPV,9.8,9.8,fL,fL,-449 +229803630,972877,-199,3,-lymphs,27.4,27.4,%,%,-187 +230010931,972877,-468,3,-eos,0.7,0.7,%,%,-449 +228842833,972877,-199,1,glucose,292.0,292,mg/dL,mg/dL,-153 +230010932,972877,-468,3,MCV,101.3,101.3,fL,fL,-449 +229803637,972877,-199,3,Hgb,13.9,13.9,g/dL,g/dL,-187 +228068942,972877,1182,1,glucose,228.0,228,mg/dL,mg/dL,1214 +228842824,972877,-199,1,creatinine,0.88,0.88,mg/dL,mg/dL,-153 +230010926,972877,-468,3,-lymphs,13.2,13.2,%,%,-449 +229803631,972877,-199,3,RBC,4.13,4.13,M/mcL,mill/uL,-187 +228068941,972877,1182,1,calcium,8.2,8.2,mg/dL,mg/dL,1214 +228842828,972877,-199,1,bicarbonate,27.0,27,mmol/L,mmol/L,-153 +230010927,972877,-468,3,RBC,4.66,4.66,M/mcL,mill/uL,-449 +229172887,972877,-468,1,calcium,9.0,9.0,mg/dL,mg/dL,-412 +228068939,972877,1182,1,sodium,139.0,139,mmol/L,mmol/L,1214 +229803629,972877,-199,3,MPV,9.1,9.1,fL,fL,-187 +230010933,972877,-468,3,Hgb,15.7,15.7,g/dL,g/dL,-449 +227555797,972877,-468,1,ALT (SGPT),43.0,43,Units/L,IU/L,-421 +228068940,972877,1182,1,bicarbonate,21.0,21,mmol/L,mmol/L,1214 +228842835,972877,-199,1,chloride,105.0,105,mmol/L,mmol/L,-153 +227582991,972877,860,1,bicarbonate,18.0,18,mmol/L,mmol/L,939 +229172886,972877,-468,1,bicarbonate,27.0,27,mmol/L,mmol/L,-412 +230010937,972877,-468,3,-monos,3.3,3.3,%,%,-449 +230788925,972877,1182,3,RDW,12.7,12.7,%,%,1211 +229803638,972877,-199,3,WBC x 1000,6.1,6.1,K/mcL,th/uL,-187 +227582993,972877,860,1,glucose,190.0,190,mg/dL,mg/dL,939 +230788927,972877,1182,3,-monos,2.4,2.4,%,%,1211 +227555791,972877,-468,1,alkaline phos.,290.0,290,Units/L,IU/L,-421 +228068937,972877,1182,1,creatinine,0.59,0.59,mg/dL,mg/dL,1214 +230788926,972877,1182,3,MCH,34.6,34.6,pg,pg,1211 +228842832,972877,-199,1,phosphate,3.3,3.3,mg/dL,mg/dL,-153 +227582990,972877,860,1,sodium,141.0,141,mmol/L,mmol/L,939 +230788924,972877,1182,3,WBC x 1000,6.2,6.2,K/mcL,th/uL,1211 +229172882,972877,-468,1,potassium,4.0,4.0,mmol/L,mmol/L,-412 +230010939,972877,-468,3,platelets x 1000,140.0,140,K/mcL,th/uL,-449 +230788928,972877,1182,3,MCHC,35.5,35.5,g/dL,g/dL,1211 +229803634,972877,-199,3,Hct,40.9,40.9,%,%,-187 +227582988,972877,860,1,creatinine,0.57,0.57,mg/dL,mg/dL,939 +230788929,972877,1182,3,platelets x 1000,81.0,81,K/mcL,th/uL,1267 +227555795,972877,-468,1,direct bilirubin,0.2,0.2,mg/dL,mg/dL,-421 +228068936,972877,1182,1,potassium,3.8,3.8,mmol/L,mmol/L,1214 +230788923,972877,1182,3,Hgb,14.1,14.1,g/dL,g/dL,1211 +228842836,972877,-199,1,BUN,11.0,11,mg/dL,mg/dL,-153 +227582995,972877,860,1,BUN,10.0,10,mg/dL,mg/dL,939 +230788922,972877,1182,3,MCV,97.7,97.7,fL,fL,1211 +229172883,972877,-468,1,creatinine,1.29,1.29,mg/dL,mg/dL,-412 +230010934,972877,-468,3,WBC x 1000,6.5,6.5,K/mcL,th/uL,-449 +230788919,972877,1182,3,-polys,78.1,78.1,%,%,1211 +229803635,972877,-199,3,-eos,1.2,1.2,%,%,-187 +227582994,972877,860,1,chloride,113.0,113,mmol/L,mmol/L,939 +230788920,972877,1182,3,Hct,39.8,39.8,%,%,1211 +227555794,972877,-468,1,total protein,6.5,6.5,g/dL,g/dL,-421 +228068938,972877,1182,1,anion gap,8.0,8,,,1214 +230788916,972877,1182,3,-lymphs,19.0,19.0,%,%,1211 +228842829,972877,-199,1,calcium,8.2,8.2,mg/dL,mg/dL,-153 +227582987,972877,860,1,potassium,3.9,3.9,mmol/L,mmol/L,939 +230788921,972877,1182,3,-eos,0.4,0.4,%,%,1211 +229172884,972877,-468,1,anion gap,10.0,10,,,-412 +230010935,972877,-468,3,RDW,12.5,12.5,%,%,-449 +231211169,972877,-444,4,bedside glucose,,>500,mg/dL,mg/dL,-444 +229803639,972877,-199,3,RDW,12.2,12.2,%,%,-187 +227582989,972877,860,1,anion gap,10.0,10,,,939 +230788915,972877,1182,3,MPV,9.5,9.5,fL,fL,1267 +227555793,972877,-468,1,albumin,4.1,4.1,g/dL,g/dL,-421 +228068943,972877,1182,1,chloride,110.0,110,mmol/L,mmol/L,1214 +231160354,972877,1846,4,bedside glucose,367.0,367,mg/dL,mg/dL,1846 +228842830,972877,-199,1,lipase,804.0,804,Units/L,IU/L,-153 +231197456,972877,-182,4,bedside glucose,235.0,235,mg/dL,mg/dL,-182 +230788917,972877,1182,3,RBC,4.08,4.08,M/mcL,mill/uL,1211 +229172889,972877,-468,1,chloride,89.0,89,mmol/L,mmol/L,-412 +230010938,972877,-468,3,MCHC,33.2,33.2,g/dL,g/dL,-449 +231272133,972877,476,4,bedside glucose,149.0,149,mg/dL,mg/dL,476 +231386752,972877,419,4,bedside glucose,157.0,157,mg/dL,mg/dL,419 +227582992,972877,860,1,calcium,8.3,8.3,mg/dL,mg/dL,939 +231237811,972877,724,4,bedside glucose,142.0,142,mg/dL,mg/dL,724 +231318091,972877,283,4,bedside glucose,108.0,108,mg/dL,mg/dL,283 +228068944,972877,1182,1,BUN,10.0,10,mg/dL,mg/dL,1214 +230788918,972877,1182,3,-basos,0.1,0.1,%,%,1211 +227555796,972877,-468,1,lipase,718.0,718,Units/L,IU/L,-421 +231177550,972877,1642,4,bedside glucose,207.0,207,mg/dL,mg/dL,1642 +228816918,972877,860,1,lipase,190.0,190,Units/L,IU/L,920 +229803632,972877,-199,3,-basos,1.0,1.0,%,%,-187 +230010936,972877,-468,3,MCH,33.6,33.6,pg,pg,-449 +231305486,972877,1136,4,bedside glucose,240.0,240,mg/dL,mg/dL,1136 +231392630,972877,-290,4,bedside glucose,457.0,457,mg/dL,mg/dL,-290 +228481787,972877,1182,1,sodium,139.0,139,mmol/L,mmol/L,1221 +229172888,972877,-468,1,glucose,981.0,981,mg/dL,mg/dL,-412 +228481796,972877,1182,1,BUN,10.0,10,mg/dL,mg/dL,1221 +231305632,972877,630,4,bedside glucose,70.0,70,mg/dL,mg/dL,630 +228481789,972877,1182,1,triglycerides,519.0,519,mg/dL,mg/dL,1239 +231272895,972877,-36,4,bedside glucose,195.0,195,mg/dL,mg/dL,-36 +228481788,972877,1182,1,magnesium,1.4,1.4,mg/dL,mg/dL,1221 +227555790,972877,-468,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,-421 +228481790,972877,1182,1,bicarbonate,21.0,21,mmol/L,mmol/L,1221 +228842831,972877,-199,1,troponin - I,,<0.015,ng/mL,ng/mL,-159 +228481794,972877,1182,1,glucose,220.0,220,mg/dL,mg/dL,1221 +231312421,972877,211,4,bedside glucose,139.0,139,mg/dL,mg/dL,211 +228481785,972877,1182,1,LDL,118.0,118,mg/dL,mg/dL,1266 +229172885,972877,-468,1,sodium,126.0,126,mmol/L,mmol/L,-412 +228481793,972877,1182,1,HDL,45.0,45,mg/dL,mg/dL,1239 +231393544,972877,-468,4,serum ketones,0.11,0.11,,mmol/L,-366 +228481792,972877,1182,1,total cholesterol,225.0,225,mg/dL,mg/dL,1239 +231466532,972877,-257,4,bedside glucose,485.0,485,mg/dL,mg/dL,-257 +228481783,972877,1182,1,potassium,3.8,3.8,mmol/L,mmol/L,1221 +227555792,972877,-468,1,AST (SGOT),19.0,19,Units/L,IU/L,-421 +228481795,972877,1182,1,chloride,111.0,111,mmol/L,mmol/L,1221 +229803636,972877,-199,3,MCV,99.2,99.2,fL,fL,-187 +228481784,972877,1182,1,creatinine,0.62,0.62,mg/dL,mg/dL,1221 +231312115,972877,-103,4,bedside glucose,192.0,192,mg/dL,mg/dL,-103 +228481786,972877,1182,1,anion gap,7.0,7,,,1221 +229172890,972877,-468,1,BUN,11.0,11,mg/dL,mg/dL,-412 +228481791,972877,1182,1,calcium,8.4,8.4,mg/dL,mg/dL,1221 +736332191,2999209,36,4,bedside glucose,140.0,140,mg/dL,MG/DL,45 +658359498,2857777,4270,3,WBC x 1000,5.6,5.6,K/mcL,K/uL,4296 +658359500,2857777,4270,3,Hgb,8.8,8.8,g/dL,g/dL,4296 +658359499,2857777,4270,3,RBC,3.22,3.22,M/mcL,M/uL,4296 +658359511,2857777,4270,3,-basos,0.0,0,%,%,4296 +649577187,2857777,1485,3,RBC,3.27,3.27,M/mcL,M/uL,1539 +658359503,2857777,4270,3,MCH,27.3,27.3,pg,pg,4296 +649577188,2857777,1485,3,Hgb,9.1,9.1,g/dL,g/dL,1539 +658359501,2857777,4270,3,Hct,27.8,27.8,%,%,4296 +649577197,2857777,1485,3,-monos,10.0,10,%,%,1539 +658359510,2857777,4270,3,-eos,4.0,4,%,%,4296 +649577199,2857777,1485,3,-basos,0.0,0,%,%,1539 +658359502,2857777,4270,3,MCV,86.0,86,fL,fL,4296 +649577198,2857777,1485,3,-eos,3.0,3,%,%,1539 +658359506,2857777,4270,3,platelets x 1000,197.0,197,K/mcL,K/uL,4296 +649577189,2857777,1485,3,Hct,28.2,28.2,%,%,1539 +658359504,2857777,4270,3,MCHC,31.7,31.7,g/dL,g/dL,4296 +649577186,2857777,1485,3,WBC x 1000,5.3,5.3,K/mcL,K/uL,1539 +658359507,2857777,4270,3,-polys,58.0,58,%,%,4296 +649577195,2857777,1485,3,-polys,60.0,60,%,%,1539 +658359505,2857777,4270,3,RDW,16.1,16.1,%,%,4296 +649577196,2857777,1485,3,-lymphs,27.0,27,%,%,1539 +658359508,2857777,4270,3,-lymphs,28.0,28,%,%,4296 +649577190,2857777,1485,3,MCV,86.0,86,fL,fL,1539 +649678419,2857777,2872,3,PT - INR,1.4,1.4,ratio,,2936 +649577191,2857777,1485,3,MCH,27.8,27.8,pg,pg,1539 +637285135,2857777,-240,1,troponin - I,0.04,0.04,ng/mL,ng/mL,-201 +649577193,2857777,1485,3,RDW,16.1,16.1,%,%,1539 +658359509,2857777,4270,3,-monos,10.0,10,%,%,4296 +637138131,2857777,4270,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,4336 +649577192,2857777,1485,3,MCHC,32.3,32.3,g/dL,g/dL,1539 +637138128,2857777,4270,1,calcium,9.4,9.4,mg/dL,mg/dL,4336 +649678418,2857777,2872,3,PT,16.8,16.8,sec,sec,2936 +637138129,2857777,4270,1,total protein,6.3,6.3,g/dL,g/dL,4336 +649577194,2857777,1485,3,platelets x 1000,175.0,175,K/mcL,K/uL,1539 +637138133,2857777,4270,1,AST (SGOT),10.0,10,Units/L,U/L,4336 +629542622,2857777,340,1,troponin - I,0.02,0.02,ng/mL,ng/mL,397 +637138122,2857777,4270,1,chloride,105.0,105,mmol/L,mmol/L,4336 +628230724,2857777,93,1,potassium,3.7,3.7,mmol/L,mmol/L,129 +647487620,2857777,2872,1,creatinine,0.76,0.76,mg/dL,mg/dL,2907 +644246207,2857777,-240,1,glucose,162.0,162,mg/dL,mg/dL,-201 +637138123,2857777,4270,1,bicarbonate,26.0,26,mmol/L,mmol/L,4336 +628230725,2857777,93,1,creatinine,0.85,0.85,mg/dL,mg/dL,129 +647487619,2857777,2872,1,BUN,10.0,10,mg/dL,mg/dL,2907 +644246199,2857777,-240,1,anion gap,16.0,16.0,,mmol/L,-201 +637138124,2857777,4270,1,anion gap,11.7,11.7,,mmol/L,4336 +628230735,2857777,93,1,glucose,146.0,146,mg/dL,mg/dL,129 +647487615,2857777,2872,1,chloride,107.0,107,mmol/L,mmol/L,2907 +651245011,2857777,93,3,-polys,63.0,63,%,%,103 +637138132,2857777,4270,1,alkaline phos.,86.0,86,Units/L,U/L,4336 +628230736,2857777,93,1,chloride,105.0,105,mmol/L,mmol/L,129 +647487616,2857777,2872,1,bicarbonate,26.0,26,mmol/L,mmol/L,2907 +644246205,2857777,-240,1,calcium,8.9,8.9,mg/dL,mg/dL,-194 +637138121,2857777,4270,1,potassium,4.4,4.4,mmol/L,mmol/L,4336 +628230737,2857777,93,1,BUN,9.0,9,mg/dL,mg/dL,129 +647487617,2857777,2872,1,anion gap,12.4,12.4,,mmol/L,2907 +651245012,2857777,93,3,Hct,29.5,29.5,%,%,103 +633885590,2857777,1485,1,ALT (SGPT),12.0,12,Units/L,U/L,1523 +628230733,2857777,93,1,calcium,8.9,8.9,mg/dL,mg/dL,129 +637138130,2857777,4270,1,albumin,2.5,2.5,g/dL,g/dL,4336 +644246204,2857777,-240,1,total protein,6.5,6.5,g/dL,g/dL,-194 +633885582,2857777,1485,1,BUN,11.0,11,mg/dL,mg/dL,1523 +672154276,2857777,705,4,bedside glucose,116.0,116,mg/dL,mg/dL,720 +647487618,2857777,2872,1,glucose,152.0,152,mg/dL,mg/dL,2907 +651245021,2857777,93,3,platelets x 1000,187.0,187,K/mcL,K/uL,103 +633885588,2857777,1485,1,alkaline phos.,84.0,84,Units/L,U/L,1523 +628230734,2857777,93,1,ALT (SGPT),15.0,15,Units/L,U/L,129 +637138125,2857777,4270,1,glucose,149.0,149,mg/dL,mg/dL,4336 +644246203,2857777,-240,1,bicarbonate,23.0,23,mmol/L,mmol/L,-201 +633885587,2857777,1485,1,total bilirubin,0.5,0.5,mg/dL,mg/dL,1523 +672026185,2857777,3295,4,bedside glucose,141.0,141,mg/dL,mg/dL,3309 +647487613,2857777,2872,1,sodium,141.0,141,mmol/L,mmol/L,2907 +651245013,2857777,93,3,-eos,2.0,2,%,%,103 +633885585,2857777,1485,1,total protein,6.1,6.1,g/dL,g/dL,1523 +628230729,2857777,93,1,sodium,140.0,140,mmol/L,mmol/L,129 +646698825,2857777,1485,1,anion gap,13.5,13.5,,mmol/L,1523 +644246200,2857777,-240,1,AST (SGOT),18.0,18,Units/L,U/L,-194 +633885586,2857777,1485,1,albumin,2.5,2.5,g/dL,g/dL,1523 +672276571,2857777,3558,4,bedside glucose,116.0,116,mg/dL,mg/dL,3633 +637138126,2857777,4270,1,BUN,8.0,8,mg/dL,mg/dL,4336 +651245014,2857777,93,3,MCV,85.0,85,fL,fL,103 +633885581,2857777,1485,1,glucose,155.0,155,mg/dL,mg/dL,1523 +637976714,2857777,-240,1,magnesium,1.2,1.2,mg/dL,mg/dL,-194 +646698821,2857777,1485,1,sodium,138.0,138,mmol/L,mmol/L,1523 +644246201,2857777,-240,1,sodium,138.0,138,mmol/L,mmol/L,-201 +633885583,2857777,1485,1,creatinine,0.77,0.77,mg/dL,mg/dL,1523 +628230723,2857777,93,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,129 +647487614,2857777,2872,1,potassium,4.3,4.3,mmol/L,mmol/L,2907 +651245009,2857777,93,3,RBC,3.49,3.49,M/mcL,M/uL,103 +674350246,2857777,258,4,TSH,1.76,1.76,mcU/ml,uIU/mL,311 +672145131,2857777,2123,4,bedside glucose,115.0,115,mg/dL,mg/dL,2153 +646698822,2857777,1485,1,potassium,4.5,4.5,mmol/L,mmol/L,1523 +644246202,2857777,-240,1,albumin,2.8,2.8,g/dL,g/dL,-194 +641681440,2857777,4270,1,magnesium,1.7,1.7,mg/dL,mg/dL,4336 +642303220,2857777,724,1,LDH,98.0,98,Units/L,U/L,776 +637138127,2857777,4270,1,creatinine,0.74,0.74,mg/dL,mg/dL,4336 +651245010,2857777,93,3,-basos,0.0,0,%,%,103 +633885589,2857777,1485,1,AST (SGOT),10.0,10,Units/L,U/L,1523 +628230727,2857777,93,1,anion gap,16.4,16.4,,mmol/L,129 +646698823,2857777,1485,1,chloride,106.0,106,mmol/L,mmol/L,1523 +644246208,2857777,-240,1,chloride,103.0,103,mmol/L,mmol/L,-201 +671581351,2857777,1754,4,bedside glucose,138.0,138,mg/dL,mg/dL,1767 +640494119,2857777,724,1,potassium,3.8,3.8,mmol/L,mmol/L,771 +647487621,2857777,2872,1,calcium,9.1,9.1,mg/dL,mg/dL,2907 +649940376,2857777,-240,3,platelets x 1000,218.0,218,K/mcL,K/uL,-231 +651245020,2857777,93,3,MCHC,32.5,32.5,g/dL,g/dL,103 +640132413,2857777,246,1,lactate,2.5,2.5,mmol/L,mmol/L,323 +649940374,2857777,-240,3,-monos,7.0,7,%,%,-231 +628230731,2857777,93,1,bicarbonate,22.0,22,mmol/L,mmol/L,129 +674381317,2857777,-245,4,urinary specific gravity,1.015,1.015,,,-197 +649940375,2857777,-240,3,MCHC,32.8,32.8,g/dL,g/dL,-231 +644246206,2857777,-240,1,ALT (SGPT),18.0,18,Units/L,U/L,-194 +674055854,2857777,3738,4,bedside glucose,126.0,126,mg/dL,mg/dL,3750 +649940363,2857777,-240,3,-lymphs,14.0,14,%,%,-231 +654827240,2857777,249,3,PT - INR,2.4,2.4,ratio,,302 +670650306,2857777,2278,4,bedside glucose,128.0,128,mg/dL,mg/dL,2291 +649940372,2857777,-240,3,RDW,15.6,15.6,%,%,-231 +651245018,2857777,93,3,MCH,27.5,27.5,pg,pg,103 +671344019,2857777,4649,4,bedside glucose,134.0,134,mg/dL,mg/dL,4701 +649940371,2857777,-240,3,WBC x 1000,9.4,9.4,K/mcL,K/uL,-231 +628230730,2857777,93,1,albumin,2.6,2.6,g/dL,g/dL,129 +646694463,2857777,4270,1,sodium,138.0,138,mmol/L,mmol/L,4336 +649940373,2857777,-240,3,MCH,27.6,27.6,pg,pg,-231 +644246197,2857777,-240,1,creatinine,0.95,0.95,mg/dL,mg/dL,-201 +631082008,2857777,1485,1,magnesium,1.9,1.9,mg/dL,mg/dL,1523 +649940369,2857777,-240,3,MCV,84.0,84,fL,fL,-231 +635895040,2857777,-185,1,lactate,3.0,3.0,mmol/L,mmol/L,-153 +633885584,2857777,1485,1,calcium,8.9,8.9,mg/dL,mg/dL,1523 +649940370,2857777,-240,3,Hgb,9.7,9.7,g/dL,g/dL,-231 +651245016,2857777,93,3,WBC x 1000,9.5,9.5,K/mcL,K/uL,103 +646698824,2857777,1485,1,bicarbonate,23.0,23,mmol/L,mmol/L,1523 +649940364,2857777,-240,3,RBC,3.52,3.52,M/mcL,M/uL,-231 +628230726,2857777,93,1,alkaline phos.,90.0,90,Units/L,U/L,129 +640249032,2857777,340,1,CPK,12.0,12,Units/L,U/L,397 +649940368,2857777,-240,3,-eos,1.0,1,%,%,-231 +644246198,2857777,-240,1,alkaline phos.,93.0,93,Units/L,U/L,-194 +648005340,2857777,3035,2,Vancomycin - trough,6.9,6.9,mcg/mL,ug/mL,3069 +649940367,2857777,-240,3,Hct,29.6,29.6,%,%,-231 +654827239,2857777,249,3,PT,24.8,24.8,sec,sec,302 +637138134,2857777,4270,1,ALT (SGPT),14.0,14,Units/L,U/L,4336 +649940365,2857777,-240,3,-basos,0.0,0,%,%,-231 +651245019,2857777,93,3,-monos,9.0,9,%,%,103 +642058353,2857777,340,1,AST (SGOT),14.0,14,Units/L,U/L,397 +649940366,2857777,-240,3,-polys,78.0,78,%,%,-231 +628230732,2857777,93,1,total protein,6.3,6.3,g/dL,g/dL,129 +667272458,2857777,2872,3,-monos,10.0,10,%,%,2893 +644246209,2857777,-240,1,BUN,9.0,9,mg/dL,mg/dL,-201 +667272459,2857777,2872,3,-eos,5.0,5,%,%,2893 +671956018,2857777,360,4,bedside glucose,140.0,140,mg/dL,mg/dL,525 +667272460,2857777,2872,3,-basos,0.0,0,%,%,2893 +651245015,2857777,93,3,Hgb,9.6,9.6,g/dL,g/dL,103 +667272457,2857777,2872,3,-lymphs,34.0,34,%,%,2893 +635231567,2857777,340,1,LDH,130.0,130,Units/L,U/L,397 +667272453,2857777,2872,3,MCHC,31.6,31.6,g/dL,g/dL,2893 +644518657,2857777,-240,1,CPK,16.0,16,Units/L,U/L,-194 +667272452,2857777,2872,3,MCH,27.5,27.5,pg,pg,2893 +641533218,2857777,724,1,AST (SGOT),10.0,10,Units/L,U/L,776 +667272455,2857777,2872,3,platelets x 1000,171.0,171,K/mcL,K/uL,2893 +651245017,2857777,93,3,RDW,15.8,15.8,%,%,103 +667272449,2857777,2872,3,Hgb,8.7,8.7,g/dL,g/dL,2893 +628230728,2857777,93,1,AST (SGOT),15.0,15,Units/L,U/L,129 +667272456,2857777,2872,3,-polys,51.0,51,%,%,2893 +644246195,2857777,-240,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,-194 +667272450,2857777,2872,3,Hct,27.5,27.5,%,%,2893 +672139210,2857777,936,4,bedside glucose,137.0,137,mg/dL,mg/dL,951 +667272451,2857777,2872,3,MCV,87.0,87,fL,fL,2893 +636249053,2857777,93,1,LDH,127.0,127,Units/L,U/L,129 +667272447,2857777,2872,3,WBC x 1000,4.2,4.2,K/mcL,K/uL,2893 +673567764,2857777,2860,4,bedside glucose,136.0,136,mg/dL,mg/dL,2872 +667272454,2857777,2872,3,RDW,16.1,16.1,%,%,2893 +644518658,2857777,-240,1,CPK-MB,,<1.0,ng/mL,ng/mL,-194 +637220667,2857777,-250,1,lactate,3.4,3.4,mmol/L,mmol/L,-208 +671657013,2857777,1461,4,bedside glucose,126.0,126,mg/dL,mg/dL,1474 +640759795,2857777,93,1,troponin - I,0.02,0.02,ng/mL,ng/mL,129 +651245008,2857777,93,3,-lymphs,26.0,26,%,%,103 +667272448,2857777,2872,3,RBC,3.16,3.16,M/mcL,M/uL,2893 +636699592,2857777,1493,1,lactate,1.3,1.3,mmol/L,mmol/L,1536 +664635915,2857777,249,3,PTT,41.1,41.1,sec,sec,380 +644246196,2857777,-240,1,potassium,3.8,3.8,mmol/L,mmol/L,-201 +641222419,2857777,2872,1,magnesium,1.7,1.7,mg/dL,mg/dL,2907 +626351131,2857777,724,1,troponin - I,0.02,0.02,ng/mL,ng/mL,776 +641065351,2857777,93,1,lactate,2.0,2.0,mmol/L,mmol/L,121 +635905769,2857777,93,1,magnesium,2.3,2.3,mg/dL,mg/dL,129 +639752145,2857777,93,1,CPK,19.0,19,Units/L,U/L,129 +671785722,2857777,4300,4,bedside glucose,137.0,137,mg/dL,mg/dL,4379 +630892322,2857777,724,1,CPK,12.0,12,Units/L,U/L,776 +141627238,842498,1192,1,total protein,4.6,4.6,g/dL,g/dL,1297 +141627239,842498,1192,1,calcium,7.2,7.2,mg/dL,mg/dL,1297 +141627241,842498,1192,1,glucose,86.0,86,mg/dL,mg/dL,1297 +141627240,842498,1192,1,ALT (SGPT),116.0,116,Units/L,IU/L,1297 +141627237,842498,1192,1,bicarbonate,23.0,23,mmol/L,mmol/L,1297 +141627242,842498,1192,1,chloride,115.0,115,mmol/L,mmol/L,1297 +141627234,842498,1192,1,AST (SGOT),81.0,81,Units/L,IU/L,1297 +141627243,842498,1192,1,BUN,16.0,16,mg/dL,mg/dL,1297 +175945007,842498,1192,3,platelets x 1000,116.0,116,K/mcL,K/MM3,1329 +141627235,842498,1192,1,sodium,145.0,145,mmol/L,mmol/L,1297 +175945001,842498,1192,3,MCV,97.0,97,fL,fL,1329 +141627236,842498,1192,1,albumin,2.8,2.8,g/dL,g/dL,1297 +175945002,842498,1192,3,Hgb,8.3,8.3,g/dL,g/dL,1329 +141627233,842498,1192,1,anion gap,7.0,7,,,1297 +175945003,842498,1192,3,WBC x 1000,10.8,10.8,K/mcL,K/MM3,1329 +141627230,842498,1192,1,potassium,4.5,4.5,mmol/L,mmol/L,1297 +175944998,842498,1192,3,MPV,10.1,10.1,fL,fL,1329 +141627231,842498,1192,1,creatinine,0.82,0.82,mg/dL,mg/dL,1297 +175945004,842498,1192,3,RDW,13.2,13.2,%,%,1329 +190665640,842498,19,4,bedside glucose,140.0,140,mg/dL,mg/dL,19 +175944999,842498,1192,3,RBC,2.55,2.55,M/mcL,M/MM3,1329 +141627229,842498,1192,1,total bilirubin,0.6,0.6,mg/dL,mg/dL,1297 +175945005,842498,1192,3,MCH,32.5,32.5,pg,pg,1329 +187878717,842498,524,4,bedside glucose,83.0,83,mg/dL,mg/dL,524 +187680199,842498,769,4,bedside glucose,116.0,116,mg/dL,mg/dL,769 +175945006,842498,1192,3,MCHC,33.5,33.5,g/dL,g/dL,1329 +187531223,842498,1194,4,bedside glucose,92.0,92,mg/dL,mg/dL,1194 +188415387,842498,263,4,bedside glucose,123.0,123,mg/dL,mg/dL,263 +175945000,842498,1192,3,Hct,24.8,24.8,%,%,1329 +141627232,842498,1192,1,alkaline phos.,25.0,25,Units/L,IU/L,1297 +87448388,411036,119,1,albumin,3.4,3.4,g/dL,g/dL,423 +87448387,411036,119,1,sodium,142.0,142,mmol/L,mEq/L,423 +87448386,411036,119,1,AST (SGOT),39.0,39,Units/L,IU/L,423 +87448385,411036,119,1,creatinine,0.9,0.9,mg/dL,mg/dL,423 +92097757,411036,423,3,Hct,36.3,36.3,%,%,424 +87448389,411036,119,1,chloride,111.0,111,mmol/L,mEq/L,423 +92097758,411036,423,3,Hgb,12.4,12.4,g/dL,g/dL,424 +87448384,411036,119,1,potassium,4.0,4.0,mmol/L,mEq/L,423 +104051746,411036,119,7,FiO2,21.0,21,%,%,10809 +87448383,411036,119,1,total bilirubin,0.4,0.4,mg/dL,mg/dL,423 +92097759,411036,423,3,WBC x 1000,6.5,6.5,K/mcL,K/CMM,424 +87448390,411036,119,1,BUN,13.0,13.0,mg/dL,mg/dL,423 +775435753,3132610,35,3,platelets x 1000,124.0,124,K/mcL,THOU/UL,79 +775435754,3132610,35,3,MPV,8.4,8.4,fL,FL,79 +775435759,3132610,35,3,-basos,0.6,0.6,%,%,79 +773374901,3132610,35,1,creatinine,0.9,0.9,mg/dL,MG/DL,98 +775435750,3132610,35,3,MCH,32.0,32,pg,PG,79 +775648207,3132610,-441,3,WBC x 1000,8.9,8.9,K/mcL,THOU/UL,-422 +773374906,3132610,35,1,anion gap,13.0,13,,,98 +775648208,3132610,-441,3,RBC,4.34,4.34,M/mcL,MILL/UL,-422 +775435751,3132610,35,3,MCHC,34.0,34,g/dL,G/DL,79 +775648217,3132610,-441,3,-polys,46.2,46.2,%,%,-422 +773374907,3132610,35,1,calcium,8.8,8.8,mg/dL,MG/DL,98 +773607477,3132610,-441,1,total protein,7.0,7.0,g/dL,GM/DL,-409 +775435755,3132610,35,3,-polys,62.6,62.6,%,%,79 +775648218,3132610,-441,3,-lymphs,38.7,38.7,%,%,-422 +773374908,3132610,35,1,total protein,6.4,6.4,g/dL,GM/DL,98 +773607478,3132610,-441,1,albumin,3.9,3.9,g/dL,GM/DL,-409 +775435747,3132610,35,3,Hgb,13.0,13.0,g/dL,GM/DL,79 +775648219,3132610,-441,3,-monos,13.5,13.5,%,%,-422 +773374899,3132610,35,1,glucose,89.0,89,mg/dL,MG/DL,98 +773607473,3132610,-441,1,chloride,95.0,95,mmol/L,MEQ/L,-409 +775435752,3132610,35,3,RDW,16.2,16.2,%,%,79 +775648209,3132610,-441,3,Hgb,14.0,14.0,g/dL,GM/DL,-422 +773374909,3132610,35,1,albumin,3.6,3.6,g/dL,GM/DL,98 +773607472,3132610,-441,1,potassium,3.8,3.8,mmol/L,MEQ/L,-409 +775435746,3132610,35,3,RBC,4.02,4.02,M/mcL,MILL/UL,79 +775648220,3132610,-441,3,-eos,1.1,1.1,%,%,-422 +773374910,3132610,35,1,total bilirubin,1.8,1.8,mg/dL,MG/DL,98 +773607475,3132610,-441,1,anion gap,26.0,26,,,-409 +775435756,3132610,35,3,-lymphs,20.0,20.0,%,%,79 +775648221,3132610,-441,3,-basos,0.5,0.5,%,%,-422 +773374900,3132610,35,1,BUN,5.0,5,mg/dL,MG/DL,98 +773607469,3132610,-441,1,BUN,5.0,5,mg/dL,MG/DL,-409 +775435748,3132610,35,3,Hct,38.7,38.7,%,%,79 +775648213,3132610,-441,3,MCHC,33.0,33,g/dL,G/DL,-422 +773374903,3132610,35,1,potassium,4.0,4.0,mmol/L,MEQ/L,98 +773607479,3132610,-441,1,total bilirubin,1.3,1.3,mg/dL,MG/DL,-409 +775435757,3132610,35,3,-monos,14.9,14.9,%,%,79 +775648211,3132610,-441,3,MCV,98.0,98,fL,FL,-422 +773374904,3132610,35,1,chloride,100.0,100,mmol/L,MEQ/L,98 +773607474,3132610,-441,1,bicarbonate,17.0,17,mmol/L,MEQ/L,-409 +775435758,3132610,35,3,-eos,1.9,1.9,%,%,79 +775648210,3132610,-441,3,Hct,42.5,42.5,%,%,-422 +773374913,3132610,35,1,alkaline phos.,102.0,102,Units/L,IU/L,98 +773607471,3132610,-441,1,sodium,134.0,134,mmol/L,MEQ/L,-409 +774782282,3132610,-441,1,ALT (SGPT),33.0,33,Units/L,IU/L,-409 +775648214,3132610,-441,3,RDW,16.5,16.5,%,%,-422 +773374914,3132610,35,1,magnesium,2.3,2.3,mg/dL,MG/DL,98 +773607470,3132610,-441,1,creatinine,1.2,1.2,mg/dL,MG/DL,-409 +775435749,3132610,35,3,MCV,96.0,96,fL,FL,79 +775648216,3132610,-441,3,MPV,8.6,8.6,fL,FL,-422 +773374905,3132610,35,1,bicarbonate,25.0,25,mmol/L,MEQ/L,98 +773607468,3132610,-441,1,glucose,161.0,161,mg/dL,MG/DL,-409 +774782283,3132610,-441,1,alkaline phos.,119.0,119,Units/L,IU/L,-409 +775648212,3132610,-441,3,MCH,32.0,32,pg,PG,-422 +773374911,3132610,35,1,AST (SGOT),63.0,63,Units/L,IU/L,98 +773607480,3132610,-441,1,AST (SGOT),65.0,65,Units/L,IU/L,-409 +777066039,3132610,-441,4,serum osmolality,267.0,267,mOsm/kg H2O,MOSM/KG,-409 +775648215,3132610,-441,3,platelets x 1000,157.0,157,K/mcL,THOU/UL,-422 +773374912,3132610,35,1,ALT (SGPT),29.0,29,Units/L,IU/L,98 +773607476,3132610,-441,1,calcium,9.6,9.6,mg/dL,MG/DL,-409 +775435745,3132610,35,3,WBC x 1000,6.5,6.5,K/mcL,THOU/UL,79 +777342735,3132610,35,4,serum osmolality,263.0,263,mOsm/kg H2O,MOSM/KG,98 +773374902,3132610,35,1,sodium,134.0,134,mmol/L,MEQ/L,98 diff --git a/test-resources/core/eicudemo/medication.csv b/test-resources/core/eicudemo/medication.csv new file mode 100644 index 000000000..8593df4bb --- /dev/null +++ b/test-resources/core/eicudemo/medication.csv @@ -0,0 +1,4965 @@ +medicationid,patientunitstayid,drugorderoffset,drugstartoffset,drugivadmixture,drugordercancelled,drugname,drughiclseqno,dosage,routeadmin,frequency,loadingdose,prn,drugstopoffset,gtc +7278819,141765,134,1396,No,No,WARFARIN SODIUM 5 MG PO TABS,2812.0,5 3,PO,,,No,2739,0 +9726266,141765,1,-188,No,No,5 ML VIAL : DILTIAZEM HCL 25 MG/5ML IV SOLN,182.0,15 3,IV,Once PRN,,Yes,171,38 +10293599,141765,115,856,No,No,ASPIRIN EC 81 MG PO TBEC,1820.0,81 3,PO,Daily,,No,2739,0 +10871534,141765,114,316,No,No,DILTIAZEM HCL 30 MG PO TABS,182.0,30 3,PO,Q6H SCH,,No,2739,0 +10128716,141765,115,856,No,No,LISINOPRIL 5 MG PO TABS,132.0,5 3,PO,Daily,,No,2428,0 +8609854,165752,951,907,No,No,,,4 3,PO,Q8H PRN,,Yes,3737,0 +11128360,165753,1,-103,No,No,2 ML - METOCLOPRAMIDE HCL 5 MG/ML IJ SOLN,,5 3,IV,Q6H PRN,,Yes,-1,0 +11168678,165753,1,764,No,No,,,15 3,PO,Q12H SCH,,No,3751,0 +11676898,165753,1,44,No,No,VITAMINS/MINERALS PO TABS,,1 5002,PO,Daily,,No,3751,0 +6740983,165753,1,44,No,No,MUPIROCIN 2 % OINT 1 G SYRINGE,,1 10021,EACH NARE,Q12H SCH,,No,1401,0 +8210876,165753,1,-70,No,No,1 ML - HYDROMORPHONE HCL 1 MG/ML IJ SOLN,,0.2 3,IV,Q15 Min PRN,,Yes,289,0 +7249875,178858,2,-387,No,No,METOPROLOL TARTRATE 25 MG PO TABS,2102.0,25 3,PO,Once PRN,,Yes,-4,0 +8629644,178858,44,30,No,No,KETOROLAC INJ,5175.0,15 3,IV,Q6H SCH,,No,1598,2 +10553840,178858,45,1050,No,No,ENOXAPARIN SODIUM 40 MG/0.4ML SC SOLN,,40 3,SC,Daily,,No,1598,0 +9002986,178858,2,-387,No,No,37.5 G TUBE : GLUCOSE 40 % PO GEL,807.0,30 4,PO,Once PRN,,Yes,-4,0 +8977224,178858,2,-387,No,No,3 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,,,SC,Once PRN,,Yes,-4,0 +9959968,210641,21,306,No,No,,,,NEBULIZATION,Q6H Resp,,No,3907,0 +8808342,210641,515,486,No,No,METOPROLOL TARTRATE 25 MG PO TABS,2102.0,25 3,PO,Q12H SCH,,No,3907,0 +10624658,210641,1845,1971,No,No,ENOXAPARIN SODIUM 40 MG/0.4ML SC SOLN,,40 3,SC,Daily,,No,3907,0 +7403623,210641,515,606,No,No,LISINOPRIL 5 MG PO TABS,132.0,5 3,PO,Daily,,No,3907,0 +11535075,210641,434,516,No,No,,,1 5011,TD,Daily,,No,3907,0 +9441094,210641,22,21,No,No,,,,NEBULIZATION,Q4H Resp PRN,,Yes,3907,0 +7018868,210641,515,606,No,No,ASPIRIN 325 MG PO TABS,1820.0,325 3,PO,Daily,,No,3907,0 +10060994,210642,1,-51,No,No,MAGNESIUM SULFATE 2 G IN NS PREMIX,11249.0,2 4,IV,Daily PRN,,Yes,3911,59 +6930975,210642,1,-51,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 3,IV,Q12H PRN,,Yes,3911,65 +7172977,210642,1,-51,No,No,100 ML - MAGNESIUM SULFATE IN D5W 10-5 MG/ML-% IV SOLN,6306.0,1 4,IV,Daily PRN,,Yes,3288,59 +10705604,210642,1,-50,No,No,,,0.5 3,NEBULIZATION,Q6H Resp,,No,3911,0 +10126552,210642,1,-51,No,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,2 5002,PO,Daily PRN,,Yes,3911,0 +9247291,210642,1,1330,No,No,VITAMINS/MINERALS PO TABS,1097.0,1 5002,PO,Daily,,No,3911,0 +8705385,210642,1,430,No,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 3,PO,Daily,,No,3911,0 +8886648,210642,1,250,No,No,METHYLPREDNISOLONE SODIUM SUCC 125 MG IJ SOLR,36808.0,80 3,IV,Q6H SCH,,No,3288,68 +11501955,210642,1,-51,No,No,BISACODYL 10 MG RE SUPP,,10 3,RE,Daily PRN,,Yes,3911,0 +8179289,217837,1525,1883,No,No,,1742.0,10 3,PO,Q12H SCH,,No,1814,0 +8037811,217837,1818,2243,No,No,,1742.0,10 3,PO,Q12H SCH,,No,4359,0 +10605590,217838,38,3012,No,No,KETOROLAC INJ,5175.0,15 3,IV,Q6H PRN,,Yes,4408,2 +7485561,217838,-6,-361,No,No,METOPROLOL TARTRATE 25 MG PO TABS,2102.0,25 3,PO,Once PRN,,Yes,-1,0 +11691250,217838,24,12,No,No,,1324.0,240 3,PO,Daily,,No,4408,0 +6817806,217838,30,132,No,No,WARFARIN SODIUM 5 MG PO TABS,2812.0,5 3,PO,Q Evening,,No,138,0 +7037421,217838,30,312,No,No,,1742.0,10 3,PO,Q12H SCH,,No,880,0 +9468420,217838,38,132,No,No,KETOROLAC INJ,5175.0,15 3,IV,Q6H SCH,,No,2711,2 +7038251,217838,26,132,No,No,,18047.0,2 3,PO,Daily,,No,4408,0 +7768529,217838,-6,-124,No,No,1 ML - DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,25 3,IV,Q15 Min PRN,,Yes,-1,17 +10559037,217838,-6,-361,No,No,3 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,,,SC,Once PRN,,Yes,-1,0 +11295158,217838,30,1572,No,No,WARFARIN SODIUM 5 MG PO TABS,2812.0,5 3,PO,Q Evening,,No,1560,0 +9369225,217838,29,312,No,No,MUPIROCIN 2 % OINT 1 G SYRINGE,,1 10021,EACH NARE,Q12H SCH,,No,4408,0 +11570986,217838,-6,-361,No,No,37.5 G TUBE : GLUCOSE 40 % PO GEL,807.0,30 4,PO,Once PRN,,Yes,-1,0 +10662590,217838,30,0,No,No,DIPHENHYDRAMINE HCL 25 MG PO CAPS,4480.0,25 3,PO,Q6H PRN,,Yes,4408,0 +11036200,217838,23,22,No,No,8 G - ALBUTEROL SULFATE HFA 108 (90 BASE) MCG/ACT IN AERS,,2 5006,IN,Q4H Resp PRN,,Yes,4408,0 +6989808,217838,24,192,No,No,,,1 3,NEBULIZATION,BID Resp,,No,4408,0 +9449647,217838,29,0,No,No,BISACODYL 10 MG RE SUPP,,10 3,RE,Daily PRN,,Yes,4408,0 +13691464,257802,-5,-186,No,No,,,,.ROUTE,.STK-MED,,No,-187,0 +13572625,257802,7,6,No,No,,3565.0,1 SPRAY,NASAL,,,No,1296,62 +12927455,257802,-5,-45,No,No,,2095.0,5-10 MG,IVP,,,Yes,4492,41 +13454354,257802,-5,-237,No,No,,,,.ROUTE,.STK-MED,,No,-236,0 +13941538,257802,-5,-236,No,No,,,,.ROUTE,.STK-MED,,No,-236,0 +14204611,257802,394,455,No,No,,2866.0,50 MG,IVP,6H,,No,1653,68 +12264154,257802,-5,-385,No,No,"LACTATED RINGER'S 1,000 ML BAG.",525.0,ML,IV,TITRATE,,No,335,59 +14217272,257802,633,631,No,No,,3565.0,2 SPRAY,NASAL,.STK-MED,,No,633,62 +12441820,257802,-5,-45,No,No,,14772.0,ML,IV,TITRATE,,No,1805,59 +12119346,257802,4,215,No,No,,25040.0,GM,IV,8H,,No,4,19 +14265462,257802,9,1415,No,No,,3565.0,1 SPRAY,NASAL,,,No,4493,62 +12569824,257802,-5,95,No,No,,2866.0,100 MG,IVP,6H,,No,388,68 +13057061,257802,633,631,No,No,,2095.0,20 MG,IVP,.STK-MED,,No,633,41 +12253865,257802,-5,-230,No,No,,,30 GM,.ROUTE,.STK-MED,,No,-230,0 +12601523,257802,633,631,No,No,,2866.0,100 MG,IVP,.STK-MED,,No,633,68 +12268474,257802,2954,3275,No,No,,2867.0,20 MG,PO,,,No,4493,68 +11953244,257802,633,631,No,No,"LACTATED RINGER'S 1,000 ML BAG.",525.0,ML,IV,.STK-MED,,No,632,59 +12340439,257802,5,95,No,No,,25040.0,GM,IV,6H,,No,2974,19 +12374506,263285,29,27,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",,ML,.ROUTE,.STK-MED,,No,28,0 +12772895,263285,1760,1984,No,No,INSULIN ASPART,20769.0,,SUB-Q,,,No,3005,71 +14454702,281132,21,1550,No,No,WARFARIN SOD,2812.0,0.5 MG,PO,,,No,5739,36 +12322845,281132,21,1550,No,No,WARFARIN SOD,2812.0,3 MG,PO,,,No,5739,36 +13589842,281132,2599,2599,No,No,,4673.0,20 MG,PO,,,No,5739,65 +14308594,281132,15,470,No,No,,1820.0,81 MG,PO,2100,,No,5739,2 +13934607,284517,178,176,No,No,,,250 ML,.ROUTE,.STK-MED,,No,178,0 +14357907,284517,366,362,No,No,,,250 ML,.ROUTE,.STK-MED,,No,365,0 +13672637,284517,36,25,Yes,No,,25386.0,1000 MCG,IV,TITRATE,,No,479,2 +13535150,284517,99,95,No,No,,,0.5 MG,.ROUTE,.STK-MED,,No,98,0 +13156757,284517,2,-137,No,No,,,100 MG,.ROUTE,.STK-MED,,No,-134,0 +13953343,284517,2,-36,No,No,,,250 ML,.ROUTE,.STK-MED,,No,-34,0 +14382932,284517,49,46,No,No,SODIUM CHLORIDE 0.9% 500 ML BAG,,500 ML,.ROUTE,.STK-MED,,No,48,0 +16647522,313055,4,-53,No,No,NITROGLYCERIN 0.4 MG SUBLINGUAL TABLET,,0.4 mg,SL,X3,,Yes,2222,0 +16072889,342377,1,-7965,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,-7864,59 +15675314,342377,1,-23955,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,No,7575,14 +15346853,342377,1,-17100,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,-16946,59 +16001649,342377,1,-23865,No,No,,34344.0,400 mg,IV,2100,,No,-2212,23 +15163180,367912,10755,10900,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,10980,59 +15119877,367912,8761,8785,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,8995,59 +15488588,367912,2036,2380,No,No,,34344.0,400 mg,IV,2100,,No,12156,23 +16301904,367912,3201,3370,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,No,12156,14 +16470423,395323,3985,4001,No,No,SODIUM CHLORIDE 0.9 % IV 250 ML BAG,8255.0,25 mL/hr,IV,,,No,4076,59 +17609690,395323,289,311,No,No,,6324.0,50 mg,Oral,0900,,No,7245,80 +16302595,395323,88,116,No,No,SODIUM CHLORIDE 0.9 % IV 250 ML BAG,8255.0,25 mL/hr,IV,,,No,7245,59 +16131404,395323,2,-213,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,No,-35,65 +14966162,405746,2,-102,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,No,15534,65 +15151476,420354,2,7,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,No,2826,65 +14599346,420354,2,7,No,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,0900,,No,2826,65 +15587641,420354,2,112,No,No,,13864.0,0.4 mg,Oral,2100,,No,2826,99 +16675502,420354,2,7,No,No,,13795.0,12.5 mg,Oral,"0800,1700",,No,2826,41 +17798558,420354,2,7,No,No,,1075.0,100 mg,Oral,0900,,No,2826,95 +20150591,436993,4,-3978,No,No,DILAUDID 1MG/ML,1695.0,1 MG,IV,Q4HPRN,,Yes,7030,2 +19339559,436993,4,-3973,No,No,ZOFRAN,6055.0,4 MG,IV,Q4HPRN,,Yes,7030,65 +19250066,436993,1007,1007,No,No,,37792.0,1.25 MG,PO,BID,,No,1700,36 +19338143,436993,4,-2956,No,No,,523.0,50 MEQ,IV,ONCE,,No,-2956,59 +20903794,436993,2874,2880,No,No,LASIX,3660.0,20 MG,IV,ONCE,,No,2880,56 +20257421,436993,1007,2420,No,No,,37792.0,2.5 MG,PO,BID,,No,7030,36 +21413313,436993,30,260,No,No,,21772.0,2 TAB,PO,HS,,No,7030,65 +20758484,436993,4,-3972,No,No,K-DUR,549.0,20 MEQ,PO,BID,,No,48,59 +19222189,436993,2735,2735,No,No,LASIX,3660.0,20 MG,IV,ONCE,,No,2735,56 +19726136,439621,1,-179,No,No,TYLENOL,1866.0,650 MG,PO,Q4HPRN,,Yes,1246,2 +21454734,439621,1,-216,No,No,ZOFRAN,6055.0,8 MG,IV,ONCE,,No,-216,65 +18475172,439621,1,331,No,No,,26407.0,15 UNITS,SUBQ,HS,,No,1246,71 +21145585,439621,1,-50,No,No,DEXTROSE 50% ABBOJECT,926.0,25 G,IV,ONCE,,No,-50,59 +20454004,439621,1,-179,No,No,ZOFRAN,6055.0,4 MG,IV,Q4HPRN,,Yes,1246,65 +19603381,475290,908,1675,No,No,,,,SUBQ,HS,,No,2776,0 +19523446,475290,1,-341,No,No,ZOFRAN,,4 MG,IV,ONCE,,No,-341,0 +21429197,475290,1,-139,No,No,ZOFRAN,,4 MG,IV,ONCE,,No,-139,0 +22474602,475290,1,-95,No,No,TYLENOL,,650 MG,PO,Q4HPRN,,Yes,2776,0 +20307111,475290,510,512,No,No,,,2 MG,IV,ONCE,,No,512,0 +19611826,475290,1,-341,No,No,DILAUDID 1MG/ML,,1 MG,IV,ONCE,,No,-341,0 +21902880,475290,1,-139,No,No,DILAUDID 1MG/ML,,1 MG,IV,ONCE,,No,-139,0 +21538956,482789,5202,5205,No,No,K-DUR,549.0,20 MEQ,PO,ONCE,,No,5205,59 +22232009,482789,20,20,No,No,AMBIEN,7842.0,10 MG,PO,HS,,No,3935,83 +20384130,482789,2356,2356,No,No,ATROVENT,57.0,0.5 MG,INH,,,No,5792,14 +20024524,482789,90,105,Yes,No,,12383.0,500 MG,IV,ONDEM,,No,300,19 +20086236,482789,19,19,No,No,ZESTRIL,132.0,40 MG,PO,BID,,No,0,41 +20426961,482789,963,1035,No,No,,37792.0,2.5 MG,PO,BID,,No,0,36 +19914116,482789,3883,3877,No,No,LASIX,3660.0,20 MG,PO,BID,,No,4100,56 +20290722,485952,1,-74,No,No,TYLENOL,1866.0,650 MG,PO,Q4HPRN,,Yes,3415,2 +21360087,485952,2806,2805,No,No,PERCOCET 5MG/325MG,1741.0,1 TAB,PO,ONCE,,No,2805,2 +18657108,485952,2178,2131,No,No,K-DUR,549.0,40 MEQ,PO,ONCE,,No,2131,59 +21651295,485952,1,-341,No,No,ZOFRAN,6055.0,4 MG,IV,ONCE,,No,-341,65 +19446200,485952,1,76,Yes,No,,8255.0,1000 ML,IV,,,No,474,59 +18631169,485952,1,-341,No,No,DILAUDID 1MG/ML,1695.0,1 MG,IV,ONCE,,No,-341,2 +22057199,485952,1,-74,No,No,ZOFRAN,6055.0,4 MG,IV,Q4HPRN,,Yes,3415,65 +21205328,485952,1,-194,No,No,DILAUDID,1695.0,0.5 MG,IV,ONCE,,No,-194,2 +19836584,533168,3208,3148,No,No,ZESTRIL,,20 MG,PO,BID,,No,8693,0 +19143237,533168,8183,8182,No,No,K-DUR,,20 MEQ,PO,ONCE,,No,8182,0 +20738589,533168,5204,6003,No,No,RESTORIL,,15 MG,PO,HS,,No,8693,0 +19574069,533168,3206,3150,No,No,LASIX,,40 MG,IV,BID,,No,3803,0 +22444193,533168,3731,3738,No,No,K-DUR,,20 MEQ,PO,,,No,5178,0 +25378529,580972,2,-38,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,BID,,No,1166,65 +27758526,608373,867,1166,No,No,amLODIPine 5 MG TAB,6494.0,5 mg,PO,BID,,No,11684,38 +28225165,608373,787,777,No,No,amLODIPine 5 MG TAB,6494.0,5 mg,PO,BID,,No,865,38 +34590787,608375,227,221,No,No,MIDAZOLAM (PF) 1 MG/1 ML 2 ML INJ,1619.0,2 mg,IV Push,,,Yes,493,5 +30524263,608375,1025,1018,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,Q12H,,No,13391,65 +32906108,608375,1049,1041,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,Yes,13391,65 +31899599,608375,1049,1037,No,No,DUONEB 3 MG-0.5 MG/3 ML UD INH SOLN,9040.0,3 mL,SVN,,,No,13391,14 +33398003,608375,18,14,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,Q12H,,No,852,65 +32657664,639917,24,8,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,BID,,No,2530,65 +35190248,654286,659,660,No,No,CARVEdilol 3.125 MG TAB,13795.0,3.125 mg,PO,BIDMEAL,,No,11375,41 +27578176,654286,2,-365,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,Yes,11375,65 +22593213,654286,2,-387,No,No,LABETALOL 5 MG/1ML 20ML MDV INJ,2095.0,5 mg,IV Push,Q5MIN X5,,Yes,187,41 +23382976,654286,2,-45,No,No,CARVEdilol 3.125 MG TAB,13795.0,3.125 mg,PO,BID,,No,120,41 +29988763,654286,2,-968,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,0.5 mg,IV,ONCALL X1,,No,-955,83 +24126500,654286,2,-45,No,No,DOCUSATE SODIUM 100 MG CAP,1326.0,100 mg,PO,BID,,No,11375,65 +26550242,654287,7635,7625,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,Yes,10520,65 +26713048,663910,-54,-571,No,No,LABETALOL 5 MG/1ML 20ML MDV INJ,2095.0,5 mg,IV Push,Q5MIN X5,,Yes,4,41 +28775988,663910,-54,-572,No,No,MEPERIDINE 25 MG/1 ML 1 ML SYR,1687.0,12.5 mg,IV Push,,,Yes,4,2 +24769935,663910,-54,51,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,Q12H,,No,2103,65 +24783718,663910,945,941,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,No,4269,65 +27787942,758779,8862,8858,No,No,GLUCAGON 1 MG (1 UNIT) INJ,19078.0,1 mg,SubQ,ONCALL,,Yes,9072,59 +32352777,758779,3,-9605,No,No,,10012.0,500 mg,PO,BID,,No,9072,72 +29088027,758779,3,-9605,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,30 unit(s),SubQ,BID,,No,2641,71 +32718677,758779,3,-9637,No,No,GLUCAGON 1 MG (1 UNIT) INJ,19078.0,1 mg,SubQ,ONCALL,,Yes,8862,59 +30999115,758779,3,-4505,No,No,,12384.0,500 mg,PO,Q24H,,No,-2667,19 +32461297,758779,3,-7361,No,No,PANTOPRAZOLE 40 MG INJ,22008.0,40 mg,IV Push,BID,,No,-5906,65 +32457665,758779,1169,1195,No,No,METOPROLOL TARTRATE 50 MG TAB,2102.0,50 mg,PO,BID,,No,9072,41 +24907454,758779,3,-8345,No,No,,20974.0,1 mg,PO,QPM,,No,9072,72 +35098834,758779,3,-1325,No,No,,995.0,,PO,,,No,9072,95 +35071568,758779,3,-6005,No,No,FUROSEMIDE 10 MG/1 ML 4ML SDV INJ,3660.0,40 mg,IV Push,BID,,No,-5994,56 +34122021,758779,3,-9605,No,No,METOPROLOL TARTRATE 50 MG TAB,2102.0,50 mg,PO,BID,,No,57,41 +25574015,758779,3,-8885,No,No,ASCORBIC ACID 500 MG TAB,994.0,500 mg,PO,BID,,No,9072,95 +26563994,758779,3,-1371,No,No,HEPARIN 5000 UNIT/ML 1ML INJ,2810.0,"5,000 unit(s)",SubQ,Q8H (int),,No,2641,36 +27736876,827084,765,947,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,BID,,No,2293,0 +31053709,827084,40,47,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV,Q24H,,No,8762,65 +34295829,827084,42,1127,No,No,ENOXAPARIN 30 MG/0.3 ML SYR,7878.0,30 mg,SubQ,Q24H,,No,5358,36 +31217089,827084,335,347,No,Yes,potassium CHLORIDE 20 mEq in,549.0,20 mEq,IVPB,Q1H X3,,No,467,59 +28268286,827084,42,77,No,No,DUONEB 3 MG-0.5 MG/3 ML UD INH SOLN,9040.0,3 mL,SVN,RSPQ6H,,No,3962,14 +31387522,827085,3137,2874,No,No,ALBUMIN 25% 100 ML INJ,2728.0,25 Gm,IV,,,Yes,3459,35 +24827112,839120,747,747,No,No,,6072.0,400 mg,IV,Q12H,,No,11900,19 +31827202,839120,3307,3418,No,No,DOCUSATE SODIUM 100 MG CAP,1326.0,100 mg,PO,BID,,No,11900,65 +30616310,839120,1627,1978,No,No,,20952.0,500 mg,PO,BID,,No,11900,44 +22910507,842499,1,-47,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,Yes,6994,65 +30126623,859031,8061,8114,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,20 unit(s),SubQ,BID,,No,8301,71 +23577458,859032,2,-1469,No,No,ASCORBIC ACID 500 MG TAB,994.0,500 mg,PO,BID,,No,16790,95 +28317144,859032,2,-1468,No,No,,10012.0,500 mg,PO,BID,,No,16790,72 +27362395,859032,1239,1239,No,No,METOPROLOL TARTRATE 50 MG TAB,2102.0,50 mg,PO,BID,,No,16307,41 +28198516,859032,2,-507,No,No,VANCOmycin 1.25 GM in NS 500ML IVPB,10093.0,"1,250 mg",IVPB,Q12H,,No,3233,19 +31912017,859032,2,-1469,No,No,METOPROLOL TARTRATE 50 MG TAB,2102.0,50 mg,PO,BID,,No,1234,41 +31629174,859032,2,-1458,No,No,GLUCAGON 1 MG (1 UNIT) INJ,19078.0,1 mg,SubQ,ONCALL,,Yes,16790,59 +32401905,859032,2,-1469,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,30 unit(s),SubQ,BID,,No,13660,71 +29816311,859032,2,-1463,No,No,DOCUSATE SODIUM 100 MG CAP,1326.0,100 mg,PO,BID,,No,16790,65 +32372369,859032,2,-387,No,No,,20974.0,1 mg,PO,QPM,,No,16790,72 +24359405,859033,3469,3525,No,No,VANCOmycin 1.25 GM in NS 500ML IVPB,10093.0,"1,250 mg",IVPB,Q24H,,No,15422,19 +34325127,869526,4,-110,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,BID,,No,137,65 +33415514,869526,4,-109,No,No,HEPARIN 5000 UNIT/ML 1ML INJ,2810.0,"5,000 unit(s)",SubQ,Q8H (int),,No,375,36 +25321404,869526,377,356,No,No,"HEPARIN 25,000 unit(s) in D5W 25",2808.0,,IV,ONCALL,,Yes,6861,36 +25578915,876429,3,-36,No,Yes,MEPERIDINE 25 MG/1 ML 1 ML SYR,1687.0,12.5 mg,IV Push,,,Yes,683,2 +30670881,876429,3,-36,No,No,FAMOTIDINE 20 MG/2 ML SDV INJ,35085.0,20 mg,IV Push,BID,,No,3016,65 +29142389,876429,3,83,No,No,,3992.0,1.5 Gm,IVPB,,,No,74,19 +29331248,876429,3,-1513,No,No,NITROGLYCERIN 0.4 MG(1/150) SL TAB,159.0,0.4 mg,SL,Q5MIN X3,,Yes,7464,38 +26754930,876429,78,427,No,Yes,,3992.0,1.5 Gm,IVPB,,,No,2347,19 +31198289,876429,3,-36,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,No,7464,65 +34285091,876429,3,-1395,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,Yes,7464,65 +24212098,876429,3,-1006,No,No,DOCUSATE SODIUM 100 MG CAP,1326.0,100 mg,PO,BID,,Yes,7464,65 +31931293,876429,3,1387,No,No,ASCORBIC ACID 500 MG TAB,994.0,"1,000 mg",PO,Q24H,,No,7464,95 +24866085,876429,3,-37,No,Yes,ALBUMIN 5% 250 ML INJ,2728.0,12.5 Gm,IV,ONCALL,,Yes,683,35 +27309589,876429,3,-1309,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,4297.0,15 mL,Swish,ONCALL X1,,No,-443,99 +25913889,876430,965,986,No,Yes,FUROSEMIDE 10 MG/1 ML 4ML SDV INJ,3660.0,40 mg,IV,,,No,3776,56 +32334905,887140,26,-21,No,No,GLUCAGON 1 MG (1 UNIT) INJ,19078.0,1 mg,SubQ,ONCALL,,Yes,31,59 +33445696,887140,3,-5786,No,No,,33243.0,50 mg,IV Push,ONCALL,,No,-5735,2 +23423841,887140,26,-21,No,No,DEXTROSE 50% 25 GRAM/50 ML INJ,926.0,25 Gm,IV Push,ONCALL,,Yes,5952,59 +30250716,887140,30,232,No,No,SENOKOT-S TAB,21772.0,1 Tab,PO,BID,,No,5952,65 +26854507,887140,3,-4147,No,No,NITROGLYCERIN 0.4 MG(1/150) SL TAB,159.0,0.4 mg,SL,Q5MIN X3,,Yes,3773,38 +34272353,887140,60,112,No,Yes,potassium CHLORIDE 20 mEq in,549.0,20 mEq,IVPB,Q1H X3,,No,232,59 +24426734,887140,30,-20,No,No,GLUCAGON 1 MG (1 UNIT) INJ,19078.0,1 mg,SubQ,ONCALL,,Yes,5952,59 +35601423,959746,200,368,No,No,,37328.0,90 mg,PO,q12hr,,No,3042,35 +36109800,959746,0,-137,No,No,,5888.0,PYXIS,MISC,Pyxis,,No,-137,0 +36814604,959746,296,293,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,3042,59 +36380968,959746,296,293,No,No,potassium chloride,549.0,20 mEq,Feeding Tube,as directed,,Yes,3042,59 +36412057,959746,0,-42,No,No,,21872.0,PYXIS,MISC,Pyxis,,No,-42,0 +35717409,959746,298,293,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,3042,59 +36394680,959746,0,-106,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,-106,0 +35348942,959746,298,293,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,3042,59 +36812631,959746,0,-97,No,No,,21872.0,PYXIS,MISC,Pyxis,,No,-97,0 +35702297,959746,0,-137,No,No,,1820.0,PYXIS,MISC,Pyxis,,No,-137,99 +36540415,959746,0,-135,No,No,heparin,2810.0,PYXIS,MISC,Pyxis,,No,-135,99 +35670700,959746,296,293,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,3042,59 +35422637,959746,297,293,No,No,MagOx 400,609.0,400 mg,PO,as directed,,Yes,3042,59 +36201216,959746,297,293,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,3042,59 +36305763,959746,299,293,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,3042,59 +36085301,963136,1263,1263,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,1263,99 +36278429,963136,27,22,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,3431,59 +36313414,963136,5541,5542,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,5542,0 +36920450,963136,1640,1641,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,1641,99 +36002573,963136,1,-99,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,-99,99 +36729085,963136,6565,6562,No,No,,4014.0,100 mg,PO,q12hr,,No,9726,19 +36499359,963136,27,22,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,3431,59 +36360744,963136,32,33,No,No,NaCl 0.9% ADV,8255.0,PYXIS,MISC,Pyxis,,No,33,59 +36910971,963136,269,270,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,270,99 +36317632,963136,27,22,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,3430,59 +35898262,963136,29,30,No,No,NaCl 0.9% ADV,8255.0,PYXIS,MISC,Pyxis,,No,30,59 +35368177,963136,993,994,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,994,0 +35738745,963136,7780,7780,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,7780,0 +35740923,963136,9229,9289,No,No,,2901.0,12.5 mg,PO,1xDaily,,No,9726,56 +35531928,963136,27,22,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,3430,59 +36037222,963136,24,289,No,No,clindamycin,4044.0,,PO,q6hr,,No,1835,19 +36264206,963136,3432,3431,No,No,Milk of Magnesia,1329.0,30 mL,PO,q6hr,,Yes,9726,65 +35685549,963136,27,22,No,No,MagOx 400,609.0,400 mg,PO,as directed,,Yes,3430,59 +36175098,963136,552,552,No,No,succinylcholine,1948.0,Manual Charge,MISC,Once X1,,No,552,99 +35574245,963136,30,30,No,No,NaCl 0.9% ADV,8255.0,PYXIS,MISC,Pyxis,,No,30,59 +36857354,963136,4708,4704,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,9726,59 +36783157,963136,27,22,No,No,potassium chloride,549.0,20 mEq,Feeding Tube,as directed,,Yes,3431,59 +35683727,963136,3510,3510,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,3510,0 +36664841,963136,27,22,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,3431,59 +36902574,963136,4708,4704,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,9726,59 +35758017,963136,448,448,No,No,,551.0,PYXIS,MISC,Pyxis,,No,448,0 +36726578,963136,27,22,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,3431,59 +36113792,963136,4708,4704,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,9726,59 +36417204,963136,7904,9109,No,No,,6323.0,25 mg,PO,1xDaily,,No,9726,41 +36877548,963136,1867,1909,Yes,No,,8738.0,3.375 g,IVPB,q8hr (interval),,No,6562,19 +36474671,963136,2297,2298,No,No,potassium chloride,549.0,PYXIS,MISC,Pyxis,,No,2298,99 +36808996,963136,2392,2393,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,2393,0 +36894203,963136,2282,3169,No,No,gabapentin,8831.0,200 mg,PO,,,No,9726,44 +35695651,963136,2392,3349,No,Yes,,6323.0,50 mg,PO,1xDaily,,No,0,41 +36467000,964782,5511,5737,No,No,Coumadin,2812.0,4 mg,PO,1xDaily,,No,7310,36 +36505334,964782,3,-139,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,-139,0 +35667504,964782,3,-503,No,No,amLODIPine,6494.0,10 mg,PO,1xDaily,,No,7310,38 +36475501,964782,3,-1142,No,No,Dulcolax Laxative,1301.0,10 mg,Rectal,1xDaily,,Yes,1241,65 +35511305,964782,200,192,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,1241,59 +35999038,964782,893,900,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,900,0 +36739082,964782,200,192,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,1241,59 +35646892,964782,200,192,No,No,MagOx 400,609.0,400 mg,PO,as directed,,Yes,1241,59 +36914425,964782,200,192,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,1241,59 +35702349,964782,3,-503,No,No,pantoprazole,22008.0,40 mg,PO,1xDaily,,No,7311,65 +35969118,964782,200,192,No,No,potassium chloride,549.0,20 mEq,Feeding Tube,as directed,,Yes,1241,59 +36424560,964782,200,192,No,No,magnesium sulfate,610.0,1 g,IVPB,as directed,,Yes,1241,59 +36608782,964782,200,192,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,1241,59 +36727026,964782,200,192,No,No,magnesium sulfate,610.0,1 g,IVPB,as directed,,Yes,1241,59 +35337747,965083,1,-35,No,No,azithromycin,6334.0,PYXIS,MISC,Pyxis,,No,-35,99 +35511304,965083,7179,7178,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,7178,0 +35781794,965083,2884,2884,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,2884,0 +36439324,965083,4315,4315,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,4315,0 +36300589,965083,3412,3408,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,4561,59 +35659987,965083,5740,5740,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,5740,0 +35797890,965083,4428,5868,No,No,Levaquin,12384.0,250 mg,PO,1xDaily,,No,7929,19 +35802419,965083,1,-89,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,-89,99 +36464738,965083,728,729,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,729,0 +35241457,965083,1406,1406,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,1406,0 +36874304,965083,7651,8748,No,Yes,predniSONE,2879.0,30 mg,PO,1xDaily,,No,0,68 +36715839,965083,3412,3408,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,4561,59 +36544394,965083,1870,2988,No,No,Plavix,17539.0,75 mg,PO,1xDaily,,No,7929,35 +35469106,965083,4556,5868,No,No,Lasix,3660.0,80 mg,PO,1xDaily,,No,7929,56 +36179142,965083,3412,3408,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,4561,59 +36369774,965083,4784,4784,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,4784,0 +36427151,965083,3412,3408,No,No,potassium chloride,549.0,20 mEq,Feeding Tube,as directed,,Yes,4561,59 +36230427,965083,2948,2949,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,2949,0 +35477639,965083,3412,3408,No,No,MagOx 400,609.0,400 mg,PO,as directed,,Yes,4561,59 +36221721,965083,1,-35,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-35,59 +35889987,965083,3412,3408,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,4561,59 +35615112,965083,3412,3408,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,4561,59 +35531183,965083,3412,3408,No,No,magnesium sulfate,6306.0,1 g,IVPB,as directed,,Yes,4561,59 +35755533,970328,11,-5760,Yes,No,,6334.0,250 mg,IVPB,q24hr (interval),,No,-5735,19 +36016242,970328,438,660,No,No,,4297.0,15 mL,TOP,q8hr,,No,6432,86 +35462726,970328,11,-2783,No,No,azithromycin,6334.0,PYXIS,MISC,Pyxis,,No,-2783,99 +36459503,970328,11,-7320,No,No,digoxin,4.0,125 mcg,PO,1xDaily,,No,6432,38 +35721422,970328,11,-1395,No,No,azithromycin,6334.0,PYXIS,MISC,Pyxis,,No,-1395,99 +35852655,970328,29,26,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,26,99 +36800948,970328,11,-2783,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-2783,59 +36592584,970328,47,60,Yes,No,,3996.0,1 g,IVPB,q24hr (interval),,No,4154,19 +36391023,970328,11,-4500,No,No,,9040.0,3 mL,NEB,,,No,6432,14 +36863295,970328,577,575,No,No,propofol,4842.0,PYXIS,MISC,Pyxis,,No,575,99 +35590449,970328,11,-5710,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-5710,59 +36782974,970328,11,-6900,No,No,,11814.0,2.5 mg,PO,1xDaily,,No,-2491,80 +36127017,970328,1484,1481,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,1481,99 +36580774,970328,3015,3011,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,3011,99 +35640520,970328,99,94,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,94,99 +36245611,970328,47,180,No,No,Flagyl,8259.0,500 mg,IVPB,q8hr,,No,4154,19 +35670565,970328,11,-5710,No,No,azithromycin,6334.0,PYXIS,MISC,Pyxis,,No,-5710,99 +35439695,970328,11,-4270,No,No,azithromycin,6334.0,PYXIS,MISC,Pyxis,,No,-4270,99 +35626098,970328,11,-4270,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-4270,59 +35386361,970328,11,-1395,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-1395,59 +35498342,970329,995,970,No,No,,1328.0,300 mL,PO,1xDaily,,Yes,3249,65 +35568472,970329,1407,1399,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,1399,0 +35241363,970329,995,1017,No,No,Levaquin,12384.0,500 mg,PO,1xDaily,,No,3249,19 +35672986,970329,242,239,No,No,LORazepam,4846.0,PYXIS,MISC,Pyxis,,No,239,99 +35708869,970329,995,1017,No,No,predniSONE,2879.0,30 mg,PO,1xDaily,,No,3249,68 +35767666,970329,242,238,No,No,,4846.0,0.5 mg,IV,q8hr,,Yes,3249,83 +36849761,970720,6310,6309,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,6309,99 +35310812,970720,1303,1303,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,1303,0 +35457420,970720,6559,6558,No,No,furosemide,3660.0,PYXIS,MISC,Pyxis,,No,6558,99 +35763008,970720,3337,3337,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,3337,0 +35543709,970720,170,1288,Yes,No,,4042.0,1000 mg,IVPB,q24hr (interval),,No,646,19 +35803131,970720,3485,12088,No,No,predniSONE,2879.0,10 mg,PO,,,No,14967,68 +36640348,970720,2404,2403,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,2403,0 +36847820,970720,2844,2843,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,2843,0 +36105411,970720,5083,5082,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,5082,0 +36004309,970720,6560,6568,No,No,Lasix,3660.0,20 mg,IV,1xDaily,,No,15535,56 +36100233,970720,6855,7768,No,No,,6494.0,10 mg,PO,1xDaily,,No,15535,38 +36461633,970720,2796,2788,No,No,,8738.0,3.375 g,IVPB,q8hr (interval),,No,3477,19 +35797329,970720,8579,8578,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,8578,0 +36342420,970720,4727,4725,No,No,,8643.0,PYXIS,MISC,Pyxis,,No,4725,0 +36694318,970720,7775,7773,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,7773,99 +35851438,970720,5414,5414,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,5414,0 +35557978,970720,5649,5647,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,5647,0 +35482272,970720,5000,4998,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,4998,99 +36463870,970720,2,-92,Yes,No,,8738.0,3.375 g,IVPB,q8hr (interval),,No,2796,19 +35826997,970720,2884,2884,No,No,,8643.0,PYXIS,MISC,Pyxis,,No,2884,0 +36744278,970720,7173,7172,No,No,,8643.0,PYXIS,MISC,Pyxis,,No,7172,0 +35758559,970720,3495,3494,No,No,cefTRIAXone,3996.0,PYXIS,MISC,Pyxis,,No,3494,99 +35784351,970720,4172,4170,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,4170,0 +36160338,970720,1894,1894,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,1894,0 +36518944,970720,2821,2819,No,No,heparin,2810.0,,IV,as directed,,Yes,8682,36 +35324147,970720,9681,9680,No,No,midazolam,34908.0,PYXIS,MISC,Pyxis,,No,9680,0 +35631714,970720,2456,2420,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,15535,59 +36747604,970720,2,-503,No,No,morphine,1694.0,PYXIS,MISC,Pyxis,,No,-503,99 +36375400,970720,454,454,No,No,albuterol-ipratropium 3-0.5mg,9040.0,PYXIS,MISC,Pyxis,,No,454,0 +35381032,970720,2456,2420,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,15535,59 +35794953,970720,3485,9208,No,No,predniSONE,2879.0,20 mg,PO,,,No,12087,68 +36095455,970720,2456,2420,No,No,Glucose Gel,807.0,,PO,as directed,,Yes,15535,59 +36054256,970720,3485,6328,No,No,predniSONE,2879.0,30 mg,PO,,,No,9207,68 +36631717,970720,2,-504,No,No,ondansetron,33598.0,PYXIS,MISC,Pyxis,,No,-504,0 +36198121,970720,3485,3477,No,No,predniSONE,2879.0,40 mg,PO,,,No,6327,68 +36409550,970720,12234,12234,No,No,,1694.0,2.5 mg,PO,q3hr,,Yes,15535,2 +35885042,972876,1116,1125,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,1125,0 +36745854,972876,368,377,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,377,0 +36690828,972876,142,153,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,153,0 +35245663,972877,1,-332,No,No,magnesium sulfate,610.0,1 g,IVPB,as directed,,Yes,1772,59 +35489828,972877,1,-332,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,1772,59 +36529447,972877,1539,1550,No,No,,610.0,PYXIS,MISC,Pyxis,,No,1550,99 +36926137,972877,1,-332,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,1772,59 +35810806,972877,1,-332,No,No,potassium chloride,549.0,20 mEq,IVPB,as directed,,Yes,1772,59 +35816342,972877,1865,1875,No,No,ASPART insulin,20769.0,PYXIS,MISC,Pyxis,,No,1875,0 +35799132,972877,1,-385,No,No,REGULAR insulin,768.0,PYXIS,MISC,Pyxis,,No,-385,0 +36866952,972877,1,-332,No,No,MagOx 400,609.0,400 mg,PO,as directed,,Yes,1772,59 +36439866,972877,1,-332,No,No,magnesium sulfate,610.0,1 g,IVPB,as directed,,Yes,1772,59 +36419050,972877,1,-339,No,No,Dilaudid,34805.0,0.5 mg,IV,q3hr,,Yes,3674,2 +35346835,972877,1,-332,No,No,potassium chloride,549.0,20 mEq,Feeding Tube,as directed,,Yes,1772,59 +35551389,972877,1,-401,No,No,,151.0,100 mL,IV,as directed,,No,0,53 +35531940,972877,1,-332,Yes,No,sodium phosphate 3 mmol/mL 15 mL Inj,540.0,15 mmol,IVPB,as directed,,Yes,1772,59 +36767863,976722,1224,1223,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1223,0 +36324742,976722,759,756,No,No,meropenem,11254.0,PYXIS,MISC,Pyxis,,No,756,0 +36412374,976722,15,218,No,No,heparin,2810.0,"5,000 unit(s)",Subcut,q8hr,,No,1150,36 +35895584,976722,1,-33,No,No,,2901.0,25 mg,PO,1xDaily,,No,5518,56 +35740520,976722,1594,1592,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1592,0 +35883030,976722,1,-149,No,No,NaCl 0.9%,8255.0,PYXIS,MISC,Pyxis,,No,-149,59 +35481259,976722,835,834,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,834,0 +36041820,976722,25,1478,Yes,Yes,,4042.0,1000 mg,IV,q24hr (interval),,No,0,19 +36244609,976722,2547,2546,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,2546,0 +36216646,976722,5612,5609,No,No,ePHEDrine,2084.0,Manual Charge,MISC,Once X1,,No,5609,99 +35821987,976722,5612,5611,No,No,propofol,4842.0,Manual Charge,MISC,Once X1,,No,5611,99 +35700813,976722,2119,2116,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,2116,0 +35418693,976722,326,325,No,No,meropenem,11254.0,PYXIS,MISC,Pyxis,,No,325,0 +36462376,976722,1396,1395,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1395,0 +35729095,976722,5612,5611,No,No,midazolam,34908.0,Manual Charge,MISC,Once X1,,No,5611,0 +35669465,976722,1005,1004,No,No,,33594.0,PYXIS,MISC,Pyxis,,No,1004,0 +36607620,976722,1770,1768,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1768,0 +36355878,976722,2878,2876,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,2876,0 +35504728,976722,665,664,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,664,0 +36907102,976722,2117,2116,No,No,,33594.0,PYXIS,MISC,Pyxis,,No,2116,0 +35858469,976722,1005,1005,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1005,0 +35626650,976722,1,-138,No,No,,1820.0,PYXIS,MISC,Pyxis,,No,-138,99 +35350156,976722,1,-149,No,No,amiodarone,83.0,PYXIS,MISC,Pyxis,,No,-149,99 +35659562,976722,1,-116,No,No,,33594.0,PYXIS,MISC,Pyxis,,No,-116,0 +35568674,976722,1914,1913,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,1913,0 +36058404,976722,2515,2515,No,No,,4047.0,PYXIS,MISC,Pyxis,,No,2515,99 +36596679,976722,2361,2360,No,No,,17793.0,PYXIS,MISC,Pyxis,,No,2360,0 +36800067,976722,2608,2978,No,No,,26809.0,2 g,IVPB,q8hr (interval),,No,3637,19 +36590809,976722,1157,1157,No,No,potassium chloride,549.0,PYXIS,MISC,Pyxis,,No,1157,99 +37127551,1058166,1110,1189,No,No,metoPROLOL,2102.0,12.5 mg,PO,q12hr,,No,2618,41 +37151745,1058166,2646,2929,No,No,heparin,2810.0,"5,000 unit(s)",Subcutan,q8hr,,No,3985,36 +37120295,1058166,2646,2629,No,No,Coreg,13795.0,6.25 mg,PO,q12hr,,No,3984,41 +37047567,1058166,3986,4069,No,No,metoPROLOL,2102.0,50 mg,PO,q12hr,,No,7880,41 +37807730,1058166,3,-11051,No,No,heparin,2810.0,"5,000 unit(s)",Subcutan,q12hr,,No,10,36 +37065009,1058166,2646,3349,No,No,docusate,1326.0,100 mg,PO,q12hr,,No,7880,65 +37168404,1058166,5599,5584,No,No,,25040.0,1 gm,IVPB,Give in Surgery,,No,5587,19 +37255840,1058166,403,469,Yes,No,,20952.0,250 mg,IVPB,q12hr,,No,2618,44 +37431267,1058166,3,-1476,No,No,,4042.0,1 gm,IVPB,Give in Surgery,,No,-378,19 +37437358,1058166,10,1489,No,Yes,heparin,2810.0,"5,000 unit(s)",Subcutan,q8hr,,No,0,36 +37180084,1058166,10,469,No,No,docusate,1326.0,100 mg,PO,q12hr,,No,2631,65 +37485897,1058166,3,-11111,Yes,No,,3957.0,,IVPB,q24hr,,No,-9725,19 +37072574,1058166,10,469,No,No,famotidine,35085.0,20 mg,IV,,,No,1103,65 +37175028,1058166,3,-4031,Yes,Yes,,25673.0,400 mg,IVPB,,,No,0,19 +37498892,1058166,3,-4542,No,No,hydrALAZINE,89.0,25 mg,PO,q8hr,,No,-4491,41 +37260891,1058166,10,469,No,No,senna,1289.0,17.2 mg,PO,q12hr,,No,7880,65 +37304131,1058166,7252,7250,No,No,,25040.0,1 gm,IVPB,Give in Surgery,,No,7251,19 +37132659,1058166,3,-11051,No,No,docusate,1326.0,100 mg,PO,q12hr,,No,163,65 +37696667,1058166,3,-10999,No,No,,2867.0,1 apply,Topical,BID,,Yes,2631,86 +37381910,1058166,10,-23,No,No,ondansetron,33598.0,4 mg,IV,q8hr,,Yes,7880,65 +37136682,1063405,10841,10830,No,No,,1894.0,0.5 mg,PO,BID,,No,23934,44 +37587241,1063405,12343,12360,Yes,No,,20952.0,250 mg,IVPB,q12hr,,No,19818,44 +37157803,1063405,9957,9960,Yes,No,,1075.0,100 mg,IVPB,,,No,25315,95 +37093821,1063405,4087,4440,No,No,metoPROLOL,2102.0,12.5 mg,PO,q12hr,,No,22629,41 +37476787,1063405,21445,21720,No,No,amiodarone,83.0,200 mg,PO,q12hr,,No,28773,38 +37381074,1063405,19835,19827,No,No,metoPROLOL,2102.0,5 mg,IV,q8hr,,Yes,26651,41 +37017045,1063405,24162,24420,No,No,,768.0,,Subcutan,q6hr,,No,28773,71 +37451833,1063405,2,120,No,No,docusate,1326.0,100 mg,PO,q12hr,,No,6775,65 +37620297,1063405,23083,23076,No,No,hydrALAZINE,89.0,10 mg,IV,q6hr,,Yes,28773,41 +37649077,1063405,2,120,No,No,docusate,1326.0,100 mg,PO,q12hr,,No,-122,65 +37430572,1063405,22496,23160,No,No,metoPROLOL,2102.0,25 mg,PO or NG,q12hr,,No,28773,41 +37129670,1063405,99,120,No,No,hePARIN subcutaneous,2810.0,"5,000 unit(s)",Subcutan,q12hr,,No,23934,36 +37735772,1063405,2,-129,No,No,ondansetron,33598.0,4 mg,IV,q8hr,,Yes,28773,65 +37225188,1063405,2,120,No,No,senna,1289.0,17.2 mg,PO,q12hr,,No,6775,65 +37346083,1063405,5793,5820,No,No,,581.0,,PO,,,No,28772,59 +37782273,1073098,119,101,No,No,ondansetron,33598.0,4 mg,IV,q6hr,,Yes,2474,65 +37631093,1073098,144,519,No,Yes,famotidine,35085.0,20 mg,IV,q12hr,,No,0,65 +39004411,1091677,3,-1522,No,No,,22008.0,40 MG,PEG,,,No,0,65 +38152216,1091677,605,584,Yes,No,,549.0,40 MEQ,IV,CONT,,No,4967,59 +38320728,1091677,3,-1522,No,No,,2102.0,25 MG,PEG,BID,,No,0,41 +38245913,1091677,3,-1519,No,No,,1866.0,650 MG,PO,,,Yes,-1185,2 +39320981,1091677,606,584,No,No,,549.0,,IV,,,No,584,59 +39721151,1101375,19821,19811,No,No,,1866.0,650 mg,NGT,Q6H PRN,,Yes,50491,2 +39579832,1101375,21321,21341,No,No,cefTRIAXone in D5W (ROCEPHIN) ivpb 1 g,3996.0,1 g,IVPB,Q24H,,No,30036,19 +39238268,1101375,19248,19811,No,No,,4129.0,,TP,BID,,No,50259,22 +39429444,1101375,11219,11231,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,,,No,13818,59 +38725156,1101375,8595,9011,No,No,"hEParin inj 5,000 Units",33314.0,"5,000 Units",SUBQ,Q12H,,No,43260,36 +40147793,1101375,12477,12611,No,No,,2888.0,4 mg,IV,Q12H,,No,14251,68 +38569609,1101375,21565,21971,No,No,,11582.0,2 mg,NGT,Q12H,,No,22757,77 +37935897,1101375,32700,32771,No,No,,1478.0,,ORAL MUCOSA,BID,,No,50259,5 +40256530,1101375,1138,1331,No,No,albuterol-ipratropium (DUONEB) inhalation solution 3 mL,9040.0,3 mL,NEBULIZER,RESPQID,,No,6968,14 +39422348,1101375,4080,4074,No,No,ceFAZolin (ANCEF) in Dextrose ivpb 2 g,3976.0,2 g,IVPB,ONCALL X1,,No,4255,19 +40247249,1101375,28431,28451,No,No,docusate sodium (COLACE) oral liquid 100 mg,1326.0,100 mg,NGT,BID,,No,49034,65 +40415683,1101375,1,371,No,No,docusate sodium (COLACE) oral liquid 100 mg,1326.0,100 mg,NGT,Q12H,,No,15650,65 +38877617,1101375,1138,1134,No,No,alteplase (CATHFLO ACTIVASE) inj 2 mg,2803.0,2 mg,IV PUSH,,,Yes,3901,35 +39284377,1101375,50493,50491,No,No,,1866.0,650 mg,NGT,Q6H PRN,,Yes,53467,2 +38168505,1101375,26100,26097,No,No,midazolam (VERSED) 2 MG/2ML inj 2 mg,1619.0,2 mg,IV PUSH,,,Yes,27008,5 +38128212,1101375,49151,49331,Yes,No,DEXAMETHASONE 4 MG PO TABS,2889.0,1 TAB,NGT,Q12H,,No,50257,68 +38484116,1131174,15,8,No,No,,2102.0,,ORAL,,,No,1159,41 +37827782,1131174,5,-79,No,No,,8255.0,,INTRAVENOUS CONTINUOUS,,,No,1031,59 +42540057,1226362,41,446,No,No,,7878.0,30 mg,SC,Daily,,No,4668,36 +42415637,1226362,2,-713,No,No,,12383.0,750 mg,IV,Once X1,,No,-550,20 +45209622,1226362,3046,3042,No,No,,5225.0,1 drop,Both Eyes,Every 1 hour PRN,,Yes,22582,62 +45200164,1226362,2,-367,No,No,1 ml crtrdg-ndl : lorazepam 2 mg/ml ij soln,4846.0,0.5 mg,IV,Once X1,,No,-359,83 +42307662,1226362,2,-713,Yes,No,,3996.0,1 g,IV,Once X1,,No,-659,20 +41655206,1226362,2,-744,No,No,,2876.0,125 mg,IV,Once X1,,No,-728,68 +41046796,1226362,2,-79,No,No,,2876.0,80 mg,IV,Once X1,,No,-45,68 +43185013,1226362,4734,4766,No,No,,34106.0,250 mg,PO,,,No,15789,59 +44971881,1226362,7343,7586,No,No,,3923.0,400 mg,PO,BID Meals,,No,15789,26 +45249482,1226362,99,131,No,No,,6334.0,500 mg,PER NG TUBE,,,No,4258,20 +43990005,1226362,15810,15836,No,No,500 ml : sodium chloride 0.9 % iv soln,8255.0,500 mL,IV,Once X1,,No,15876,59 +42380902,1226362,1128,1166,No,No,100 ml plas cont : potassium chloride 10 meq/100ml iv soln,549.0,10 mEq,IV,Q1H X4,,No,1413,59 +45642608,1226362,1698,1736,No,No,,10705.0,1 patch,TD,Q24H,,No,22582,0 +45010131,1226362,1682,1675,No,No,acetaminophen 325 mg po tabs,1866.0,650 mg,PO,Q6H PRN,,Yes,1692,2 +42273094,1226362,1683,1706,No,No,,26521.0,60 mg,PO,Daily,,No,22582,80 +44525235,1226362,5744,5771,No,No,,,0.5 mg,NEBULIZATION,Q6H SCH,,No,15795,0 +41961594,1226362,4241,4271,Yes,No,,551.0,,IV,Once X1,,No,4288,59 +44545682,1226362,18634,18686,No,No,,4.0,125 mcg,PO,Daily,,No,22582,38 +41327393,1226362,1682,1811,No,No,,22008.0,40 mg,PO,BID AC,,No,11550,65 +42717956,1259416,55,151,No,No,1 ml vial : heparin sodium (porcine) 5000 unit/ml ij soln,2810.0,"5,000 Units",SC,Q12H SCH,,No,246,36 +44653691,1259416,55,49,No,No,acetaminophen 325 mg po tabs,1866.0,650 mg,PO,Q6H PRN,,Yes,10781,2 +41529764,1259416,300,1351,Yes,No,,3996.0,1 g,IV,Q24H,,No,3905,20 +41049134,1259416,55,151,No,No,famotidine 20 mg po tabs,4521.0,20 mg,PO,Daily,,No,10781,65 +41193496,1259416,788,811,No,No,,,0.5 mg,NEBULIZATION,Q6H SCH,,No,1657,0 +41274430,1259416,55,1591,No,No,aspirin 81 mg po chew,1820.0,324 mg,PO,Daily,,No,10781,2 +44902918,1259416,1540,1591,No,No,metoprolol tartrate 25 mg po tabs,2102.0,12.5 mg,PO,Q12H SCH,,No,2302,32 +45275588,1259416,1681,1711,No,No,100 ml flex cont : magnesium sulfate in d5w 10-5 mg/ml-% iv soln,6306.0,1 g,IV,Once X1,,No,1864,59 +43951027,1259416,4527,4546,No,No,,13864.0,0.4 mg,PO,,,No,10781,99 +44899804,1259416,2126,2146,No,No,metoprolol tartrate 25 mg po tabs,2102.0,12.5 mg,PO,Once X1,,No,2136,32 +42892441,1290248,1726,1721,No,No,,12014.0,6.25 mg,IV,Once PRN X1,,Yes,2044,17 +44984989,1290248,1726,1721,No,No,2 ml vial : ondansetron hcl 4 mg/2ml ij soln,33598.0,4 mg,IV,Once PRN X1,,Yes,2333,65 +42401567,1290248,4044,4074,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,1 mg,IV,Once X1,,No,4059,2 +42423969,1290248,3751,3789,No,No,10 ml vial : insulin aspart 100 unit/ml sc soln,20769.0,1-5 Units,SC,,,No,6357,71 +45176206,1290248,1726,1721,No,No,,4480.0,6.25 mg,IV,Q6H PRN,,Yes,4456,17 +45575911,1290248,2552,2549,No,No,acetaminophen 325 mg po tabs,1866.0,650 mg,PO,Q6H PRN,,Yes,6357,2 +42997172,1290248,2920,2949,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,2 mg,IV,Once X1,,No,2924,2 +43158506,1290248,4458,4494,No,No,,13864.0,0.4 mg,PO,,,No,6357,99 +54293845,1437505,30,37,No,No,BIOTENE DRY MOUTH MT LIQD,,15 mL,Mouth Rinse,BID,,No,2525,0 +54287633,1457949,3,-76,No,No,ONDANSETRON HCL 4 MG PO TABS,6055.0,4 mg,PO,Q6H PRN,,Yes,982,65 +51231908,1457949,3,-61,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,Q12H,,No,982,59 +50857319,1463884,2,267,No,No,LISINOPRIL 5 MG PO TABS,132.0,5 mg,PO,Daily,,No,337,41 +53870213,1463884,2,147,No,No,ENOXAPARIN SODIUM 40 MG/0.4ML SC SOLN,,40 mg,SC,Q24H,,No,2133,0 +50819006,1488334,826,829,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,40 mEq,PO,BID,,No,1429,59 +51095751,1488334,44,31,No,No,,3836.0,30 mL,PO,Daily PRN,,Yes,2703,0 +50798016,1488334,32,34,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,Q12H,,No,2703,59 +54896615,1488334,44,739,No,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 mg,PO,Daily,,No,2703,65 +54709981,1488334,39,49,No,No,ENOXAPARIN SODIUM 40 MG/0.4ML SC SOLN,,40 mg,SC,Q24H,,No,2703,0 +55082296,1488334,44,31,No,No,,,1 enema,RE,Once PRN,,Yes,138,0 +52030471,1536927,3,455,No,No,,38636.0,1 tablet,PO,Daily,,No,3670,94 +51045252,1536927,1859,1895,No,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,1 tablet,PO,BID,,No,3670,65 +54659661,1536927,1918,1955,No,No,BIOTENE DRY MOUTH MT LIQD,,15 mL,Mouth Rinse,BID,,No,3670,0 +51149821,1536927,1901,1910,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,Q12H,,No,3670,59 +51264277,1544756,180,174,No,No,PROMETHAZINE HCL 25 MG/ML IJ SOLN,12014.0,12.5 mg,IV,Q6H PRN,,Yes,922,17 +51342399,1544756,4,-101,No,No,MORPHINE SULFATE 2 MG/ML IJ SOLN,1694.0,1-4 mg,IV,Q2H PRN,,Yes,-59,2 +51849100,1550318,147,287,No,No,,5175.0,30 mg,IM,Q6H PRN,,Yes,1560,2 +52190244,1550318,1571,2127,No,No,,1224.0,80 mg,PO,,,No,5337,65 +51989442,1550318,2,-358,No,No,,5175.0,30 mg,IV,Q6H PRN,,Yes,29,2 +52595559,1550318,35,29,No,No,DIPHENHYDRAMINE HCL 25 MG PO CAPS,4480.0,25 mg,PO,Q6H PRN,,Yes,1560,83 +53628945,1550318,2,-1618,No,No,,2095.0,20 mg,IV,Q2H PRN,,Yes,29,41 +51496634,1550318,148,139,No,No,,1866.0,975 mg,PO,Q6H PRN,,Yes,1560,2 +52481296,1550318,35,687,No,No,,1224.0,80 mg,PO,,,No,1560,65 +54763821,1550318,2,-1653,No,No,,2881.0,12 mg,IM,Q24H,,No,-366,68 +51381431,1550318,1570,1560,No,No,DIPHENHYDRAMINE HCL 25 MG PO CAPS,4480.0,25 mg,PO,Q6H PRN,,Yes,5337,83 +53492649,1550318,2,-358,No,No,,5175.0,30 mg,IM,Q6H PRN,,Yes,29,2 +53765241,1550318,2,-693,No,No,DOCUSATE SODIUM 100 MG PO CAPS,1326.0,100 mg,PO,Daily,,No,29,65 +53991509,1550318,147,287,No,No,,5175.0,30 mg,IV,Q6H PRN,,Yes,1560,2 +55843538,1563281,1733,1772,No,No,4 ML VIAL : FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,Intravenous,Once X1,,No,2491,56 +56924804,1563281,1462,1472,No,No,4 ML VIAL : FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,Intravenous,Once X1,,No,2191,56 +56925564,1563281,8,-85,No,No,2 ML VIAL : METOCLOPRAMIDE HCL 5 MG/ML IJ SOLN,2148.0,5 MG,Intravenous,Once PRN X1,,Yes,309,65 +56962258,1563281,64,92,No,No,2 ML VIAL : FAMOTIDINE 20 MG/2ML IV SOLN,35085.0,10 MG,Intravenous,BID,,No,1452,65 +56894829,1563281,8,-3598,No,No,,4846.0,2 MG,Oral,BID,,No,6229,80 +57152376,1563281,2936,2942,No,No,,549.0,10 MEQ,Oral,BID X4,,No,5025,59 +57397537,1563281,2936,2972,No,No,4 ML VIAL : FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,Intravenous,Once X1,,No,2962,56 +55926953,1563281,8,-85,No,No,,1874.0,,Intravenous,,,Yes,309,9 +56425496,1588896,37,1,No,No,2 ML : ONDANSETRON HCL 4 MG/2ML IV SOLN,33598.0,4 MG,Intravenous,Q12H PRN,,Yes,5754,65 +56955997,1588896,3015,3053,No,No,4 ML VIAL : FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,Intravenous,Once X1,,No,3019,56 +57435285,1588896,37,1,No,No,2 ML VIAL : METOCLOPRAMIDE HCL 5 MG/ML IJ SOLN,2148.0,10 MG,Intravenous,Q6H PRN,,Yes,5754,65 +56189123,1588896,37,1103,No,No,DOCUSATE SODIUM 100 MG PO CAPS,1326.0,100 MG,Oral,BID,,No,5754,65 +56058090,1588896,4005,4043,No,No,4 ML VIAL : FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,Intravenous,Once X1,,No,4099,56 +55693329,1588896,1426,1583,No,No,3 ML VIAL : INSULIN LISPRO (HUMAN) 100 UNIT/ML SC SOLN,11528.0,3-15 Units,Subcutaneous,,,No,5754,71 +56080146,1588896,4005,4043,No,No,,3663.0,5 MG,Oral,Daily X1,,No,4100,56 +56397289,1588896,36,53,No,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 MG,Intravenous,Daily,,No,1035,65 +60870774,1671276,2133,3460,No,No,,132.0,10 MG,PO,,,No,46660,41 +59388807,1671276,603,730,No,No,,1186.0,1 G,PO,,,No,43930,65 +59890722,1671276,603,1300,No,No,,1652.0,25 MG,PO,,,Yes,44500,80 +60196013,1671276,603,2020,No,No,,12404.0,40 mg,PO,,,No,45220,41 +60572151,1671276,603,595,No,No,,1730.0,,PO,,,Yes,7795,2 +58825023,1671276,597,2020,No,No,,1820.0,81 MG,PO,,,No,45220,2 +62179120,1671276,598,1300,No,No,,20952.0,500 MG,PO,,,No,44500,44 +59894864,1671276,597,580,No,No,,1326.0,100 MG,PO,,,No,43780,65 +64658258,1790816,143,1117,Yes,No,CLOPIDOGREL BISULFATE 75 MG PO TABS,17539.0,75 MG,PO,Daily,,No,1669,35 +66611968,1790816,1,-53,Yes,No,2 ML VIAL: FENTANYL CITRATE 0.05 MG/ML IJ SOLN,25386.0,50 MCG,IV,Once X1,,No,-177,2 +64680791,1790816,1,-68,Yes,No,,2810.0,,IK,Once X1,,No,-160,36 +66336429,1790816,1,-68,Yes,No,2 ML VIAL: FENTANYL CITRATE 0.05 MG/ML IJ SOLN,25386.0,25 MCG,IV,Once X1,,No,-69,2 +64991464,1790816,1,-68,Yes,No,,18422.0,,IV,,,No,-148,35 +63132037,1795300,128,114,Yes,No,,8255.0,10 mL,IK,Q8H PRN,,Yes,6662,59 +67474887,1795300,3028,2999,Yes,No,BISACODYL 10 MG RE SUPP,1301.0,10 MG,RE,Daily PRN,,Yes,6662,65 +67571196,1795300,123,137,Yes,No,SERTRALINE HCL 50 MG PO TABS,6324.0,25 MG,PO,Daily,,No,6081,80 +63752178,1795300,347,362,Yes,No,VANCOMYCIN 1 G MINI-BAG PLUS (VIAL MATE),37442.0,1000 MG,IV,Q24H,,No,1526,19 +66995228,1812280,120,887,No,No,,4763.0,500 MG,PO,BID AC,,No,4042,71 +64928611,1812280,33,32,No,No,,4763.0,1 MG,PO,BID AC,,No,101,71 +66438198,1812280,1128,1667,No,No,,4791.0,80 MG,PO,BID,,No,4042,41 +63493034,1812280,102,102,No,No,,4763.0,500 MG,PO,BID AC,,No,119,71 +62665175,1812280,19,887,No,No,,17433.0,100 MG,PO,BID AC,,No,4042,35 +64611761,1812280,42,887,No,No,,13864.0,1 MG,PO,DAILY AC,,No,887,99 +65309621,1827129,11443,11427,No,No,FUROSEMIDE,3660.0,20 MG,PO,BID,,No,16214,56 +63769369,1827129,0,-220,No,No,EPHEDRINE SULFATE,2084.0,50 MG,.ROUTE,.STK-MED,,No,-219,99 +66668021,1827129,0,-207,No,No,,25243.0,10 ML,.ROUTE,.STK-MED,,No,-206,0 +64025055,1827129,672,1347,No,No,,2891.0,1 APP,TOP,BID,,No,16214,86 +64270668,1827129,0,-155,No,No,,2148.0,,.ROUTE,.STK-MED,,No,-154,99 +65649722,1827129,0,-28,No,No,,14778.0,,IV,,,No,16,59 +66257247,1827129,0,-147,No,No,LABETALOL HCL,2095.0,100 MG,IV,.STK-MED,,No,-146,41 +66739260,1827129,10121,10707,No,No,FUROSEMIDE,3660.0,40 MG,IV,BID,,No,11423,56 +63490708,1827129,4918,4920,No,No,,25243.0,10 ML,.ROUTE,.STK-MED,,No,4921,0 +65002644,1827129,0,-156,No,No,KETOROLAC TROMETHAMINE,5175.0,30 MG,.ROUTE,.STK-MED,,No,-155,99 +63451580,1827129,0,-162,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,-161,5 +67459302,1827129,0,-155,No,No,FAMOTIDINE,4521.0,20 MG,.ROUTE,.STK-MED,,No,-154,99 +64142065,1827129,0,-175,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,-174,0 +63453947,1827129,0,-220,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,-219,5 +64646215,1827129,0,-136,No,No,ROCURONIUM BROMIDE,8963.0,50 MG,IV,.STK-MED,,No,-135,32 +65403112,1827129,0,-155,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,.STK-MED,,No,-154,2 +64969606,1827129,0,-46,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,-45,0 +62730108,1849124,-54,-562,Yes,No,METOPROLOL TARTRATE 25 MG PO TABS,2102.0,12.5 MG,PO,,,No,-580,41 +66794564,1849124,3947,3939,Yes,No,,1329.0,15 mL,PO,Daily PRN,,Yes,21432,65 +64323320,1849124,-54,-472,Yes,No,,2087.0,10 MG,IV,Once X1,,No,-57,50 +66294563,1849124,-54,-472,Yes,No,,34361.0,1 MG,IV,Once X1,,No,-57,32 +63582230,1849124,8680,8693,Yes,No,,12204.0,80 MG,PO,Daily,,No,21798,41 +64458386,1849124,-42,-57,Yes,No,100 ML: POTASSIUM CHLORIDE 20 MEQ/100ML IV SOLN,549.0,20 MEQ,IV,Q6H PRN,,Yes,5433,59 +64744782,1849124,2888,2888,Yes,No,,8255.0,40 mL,IV,Once X1,,No,2964,59 +63352297,1849124,-54,-630,Yes,No,,8255.0,10 mL,IK,Q8H PRN,,Yes,-57,59 +64744781,1849124,2888,2888,Yes,No,,585.0,1000 MG,IV,Once X1,,No,2964,59 +67521981,1849124,5328,5333,Yes,No,20 ML VIAL: POTASSIUM CHLORIDE 2 MEQ/ML IV SOLN,549.0,40 MEQ,IV,Once X1,,No,5618,59 +64369030,1849124,-34,-57,Yes,No,1 ML CRTRDG-NDL : MORPHINE SULFATE (PF) 2 MG/ML IV SOLN,1694.0,2 MG,IV,Q2H PRN,,Yes,2452,2 +64402841,1849124,905,923,Yes,No,,585.0,1000 MG,IV,Once X1,,No,983,59 +67433825,1849124,-49,-57,Yes,No,,1866.0,650 MG,RE,Q6H PRN,,Yes,3906,2 +64402842,1849124,905,923,Yes,No,,8255.0,40 mL,IV,Once X1,,No,983,59 +67729010,1849124,6821,6848,Yes,No,DOCUSATE SODIUM 100 MG PO CAPS,1326.0,100 MG,PO,Daily,,No,21798,65 +65755184,1849124,12916,14018,Yes,No,ASPIRIN EC 325 MG PO TBEC,1820.0,325 MG,PO,Daily,,No,21798,2 +67549751,1852395,-88,-2510,No,No,ASPIRIN,1820.0,81 MG,PO,BID,,No,17125,2 +63756808,1852395,17064,17064,No,No,NITROGLYCERIN 50MG/D5W 250ML BTL,5888.0,,IV,.STK-MED,,No,17065,38 +64626498,1852395,295,294,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,295,0 +67193977,1852395,5261,5261,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,5262,5 +64450435,1852395,203,205,No,No,,189.0,3 ML,NEB,Q12H,,No,2366,14 +65929615,1852395,-88,-407,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,-406,5 +64614742,1852395,4085,4690,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,8539,71 +63720790,1852395,-88,-1385,No,No,HEPARIN SOD (PORCINE),2810.0,,IV,,,No,0,36 +64502119,1852395,17084,17083,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,17084,0 +63104868,1852395,17030,17030,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,17031,0 +66336908,1852395,14045,14045,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,14046,0 +66189278,1852395,15608,15670,No,No,,189.0,3 ML,PO,BID,,No,17651,99 +66664679,1852395,14175,14175,No,No,EPHEDRINE SULFATE,2084.0,50 MG,.ROUTE,.STK-MED,,No,14176,99 +67897454,1852395,14053,14046,No,No,ROCURONIUM BROMIDE,8963.0,50 MG,IV,.STK-MED,,No,14047,32 +63482270,1852395,-88,-1385,No,No,HEPARIN SOD (PORCINE),2810.0,,IV,,,No,0,36 +63135127,1852395,-88,-342,No,No,BACITRACIN,4047.0,"50,000 UNITS",.ROUTE,.STK-MED,,No,-341,99 +64077000,1852395,330,330,No,No,HEPARIN SOD (PORCINE),33442.0,"10,000 UNITS",.ROUTE,.STK-MED,,No,331,0 +63216338,1852395,-88,-426,No,No,ROCURONIUM BROMIDE,8963.0,50 MG,IV,.STK-MED,,No,-425,32 +63486367,1852395,-88,-1070,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,4073,71 +67303646,1852395,17083,17081,No,No,ASPIRIN,1820.0,,.ROUTE,.STK-MED,,No,17082,99 +64700083,1852395,13936,13935,No,No,,6091.0,,.ROUTE,.STK-MED,,No,13936,99 +62830779,1852395,17053,17053,No,No,HEPARIN SOD (PORCINE),33442.0,"10,000 UNITS",.ROUTE,.STK-MED,,No,17054,0 +66861732,1852395,-88,-2510,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,-1473,71 +65686944,1852395,-88,-1490,No,No,,4704.0,,IV,Q8HR,,No,11715,19 +66330761,1852395,8546,9010,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,9804,71 +66088496,1852395,-88,-342,No,No,,25243.0,20 ML,.ROUTE,.STK-MED,,No,-341,0 +66969628,1852395,9829,10450,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,14562,71 +64955870,1852395,20129,20530,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,20600,71 +66286191,1852395,-88,-425,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,-424,0 +64686510,1852395,17474,17650,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,20117,71 +63733585,1852395,146,370,No,No,,189.0,3 ML,PO,BID,,No,370,99 +63566704,1852395,14045,14044,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,14045,5 +64547927,1852395,-88,-1385,No,No,HEPARIN/DEXTROSE 5% 25000 UNITS/250 ML BAG,2810.0,,IV,TITRATE,,No,0,36 +63460948,1852395,14581,14770,No,No,INSULIN DETEMIR,26407.0,,SUBCUT,NIGHTLY,,No,17461,71 +65762050,1852395,5260,5259,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,5260,0 +67066323,1852395,7,6,No,No,HEPARIN/DEXTROSE 5% 25000 UNITS/250 ML BAG,2810.0,,IV,.STK-MED,,No,43,36 +67172305,1852395,-88,-2450,No,No,HEPARIN SOD (PORCINE),2810.0,"5,000 UNITS",SUBCUT,Q8HR,,No,-1403,36 +67564592,1852395,-88,-3028,No,No,,2050.0,1 MG,.ROUTE,.STK-MED,,No,-3027,99 +67578658,1852395,-88,-425,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,-424,5 +64387000,1852625,161,245,Yes,No,,11254.0,500 MG,IV,Q12H,,No,1406,19 +64169709,1852625,1,-5515,Yes,No,CARVEDILOL 3.125 MG PO TABS,13795.0,3.125 MG,PO,Q12H SCH,,No,1406,41 +65284407,1852625,1,-5515,Yes,No,CARVEDILOL 3.125 MG PO TABS,13795.0,3.125 MG,PO,Q12H SCH,,No,-6026,41 +65310274,1852625,1,-7675,Yes,No,,25998.0,90 MG,PO,Daily,,No,1406,99 +67592102,1852625,1,-7495,Yes,No,TACROLIMUS 1 MG PO CAPS,20974.0,2 MG,PO,Daily,,No,-4409,72 +64750158,1852625,1,-3355,Yes,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 MG,IV,BID AC,,No,1406,65 +67092218,1852625,1,-475,Yes,No,,4553.0,,IV,,,No,1406,35 +64305293,1852625,1,-8470,Yes,No,DOCUSATE SODIUM 100 MG PO CAPS,1326.0,100 MG,PO,Daily PRN,,Yes,1406,65 +67727405,1852625,1,-8395,Yes,No,CARVEDILOL 3.125 MG PO TABS,13795.0,3.125 MG,PO,Q12H SCH,,No,-6222,41 +63047808,1852625,1,-3415,Yes,No,TACROLIMUS 1 MG PO CAPS,20974.0,1 MG,PO,Daily,,No,1406,72 +63084223,1852625,1,-8455,Yes,No,,10012.0,750 MG,PO,Q12H,,No,1406,72 +65947157,1852625,1,-8395,Yes,No,CARVEDILOL 3.125 MG PO TABS,13795.0,3.125 MG,PO,Q12H SCH,,No,-8483,41 +62673614,1852625,1,-4795,Yes,No,,4553.0,,IV,,,No,-1797,35 +66285717,1856167,103,945,No,No,ENOXAPARIN,7878.0,40 MG,SUBCUT,Q24HR,,No,945,36 +66261926,1856167,-1,-199,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,-197,5 +64762038,1856167,-1,-206,No,No,,1948.0,200 MG,.ROUTE,.STK-MED,,No,-205,99 +63411366,1856167,-1,-90,No,No,,4703.0,100 ML,IV,.STK-MED,,No,-89,53 +64741266,1856167,-1,-188,No,No,,1948.0,200 MG,.ROUTE,.STK-MED,,No,-187,99 +67852287,1856167,161,405,No,No,,4297.0,15 ML,MT,Q6HR,,No,11652,99 +63741048,1856167,898,945,No,No,ENOXAPARIN,7878.0,,SUBCUT,Q12HR,,No,2533,36 +67568327,1856168,14148,14145,No,No,,4254.0,1 EA,.ROUTE,.STK-MED,,No,14146,99 +64500283,1856168,8700,8700,No,No,FUROSEMIDE,3660.0,20 MG,IV,BID,,No,11322,56 +66734738,1856168,5112,5110,No,No,HYDRALAZINE HCL,89.0,20 MG,.ROUTE,.STK-MED,,No,5111,99 +63200248,1856168,1611,1775,Yes,No,,1882.0,500 MG,IV,Q12HR,,No,1775,44 +67109286,1856168,1803,1835,Yes,No,,25386.0,1000 MCG,IV,TITRATE,,No,20028,2 +65119127,1856168,14407,14404,No,No,FENTANYL CITRATE,25386.0,100 MCG,.ROUTE,.STK-MED,,No,14405,0 +67172195,1856168,14404,14402,No,No,PROPOFOL IV EMULSION 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,14403,5 +66240644,1856168,21596,21935,No,No,,1652.0,50 MG,PO,NIGHTLY,,No,22915,80 +65692259,1856168,1655,1775,Yes,No,,1882.0,1000 MG,IV,NIGHTLY,,No,2749,44 +67279438,1856168,10325,10415,No,No,,4297.0,15 ML,MT,Q12HR,,No,22915,99 +65833166,1856168,15661,15995,Yes,No,,4042.0,1500 MG,IV,Q12H,,No,22915,19 +63009063,1856168,1062,1060,No,No,,4703.0,150 ML,IV,.STK-MED,,No,1061,53 +65377751,1856168,15657,15665,Yes,No,,4042.0,1500 MG,IV,Q12H,,No,15665,19 +66793878,1856168,1083,1080,No,No,,4703.0,100 ML,IV,.STK-MED,,No,1081,53 +80173693,2032114,2,-689,No,No,,21772.0,1 Tablet,Oral,Daily,,No,3619,65 +73741556,2032114,2,31,No,No,,26470.0,100 mg,Oral,q 12 hour (BID),,No,7886,44 +79222443,2032114,3559,3571,No,No,BAYER CHEWABLE,1820.0,81 mg,Oral,Daily Breakfast,,No,12993,2 +78098868,2032114,26,31,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,q 8 hour,,No,21921,59 +73741557,2032114,2,31,No,No,,26470.0,100 mg,Oral,q 12 hour (BID),,No,7886,44 +78752586,2032114,811,811,No,No,K-DUR,549.0,40 mEq,Oral,BID Meals,,No,2343,59 +75256052,2032114,7890,7951,No,No,,26470.0,50 mg,Oral,q 12 hour (BID),,No,21921,44 +73431198,2032114,15106,15151,No,No,PEPCID,35085.0,20 mg,IV,Daily,,No,21375,65 +76172073,2032114,2,-689,No,No,IMDUR,6341.0,30 mg,Oral,Daily,,No,2328,38 +71897737,2032114,19445,19456,No,No,LASIX,3660.0,60 mg,IV,q 8 hour,,No,20859,56 +76451079,2032114,2,-689,No,No,,10705.0,1 Patch,Topical,Daily,,No,21921,5 +74927082,2032114,2,-1409,No,No,PRINIVIL,132.0,20 mg,Oral,BID,,No,2328,41 +73883234,2032114,21377,22351,No,No,PEPCID,4521.0,20 mg,Oral,Daily,,No,21921,65 +73411694,2032114,837,841,No,No,LASIX,3660.0,40 mg,Oral,Daily,,No,1340,56 +74523675,2032114,27,9,No,No,TYLENOL,1866.0,325 mg,Oral,q 4 hour PRN,,Yes,21921,2 +76443527,2032114,18265,18271,No,No,BAYER CHEWABLE,1820.0,81 mg,Oral,Daily Breakfast,,No,21884,2 +79423243,2075529,1508,1666,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,q 8 hour,,No,4686,59 +79706761,2075529,2958,2956,No,No,MIRALAX,22819.0,17 Gram,Oral,Daily,,No,4686,65 +75923661,2193648,43,1392,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 h,,No,1465,19 +79696139,2193648,327,852,No,No,ZOSYN,32900.0,3.375 Gram,IV,q 8 hour,,No,6748,19 +78878107,2193648,1125,1122,No,No,COREG,13795.0,6.25 mg,Oral,q 12 hour (BID),,No,1135,41 +76408641,2193648,42,372,No,No,,2104.0,50 mg,Oral,BID,,No,1119,41 +78844189,2193649,346,397,No,No,,8255.0,5 mL,IV,BID,,No,4615,59 +75736312,2193649,9765,9757,No,No,SOLU-MEDROL,2876.0,40 mg,IV,Daily,,No,13406,68 +76074638,2193649,8291,8317,No,No,COREG,13795.0,3.125 mg,Oral,q 12 hour (BID),,No,13406,41 +78017756,2193649,8279,9757,No,No,SOLU-MEDROL,2876.0,40 mg,IV,Daily,,No,9741,68 +72881946,2233402,102,271,No,No,COREG,13795.0,3.125 mg,Oral,q 12 hour (BID),,No,1486,41 +73575228,2233402,127,271,No,No,LASIX,3660.0,20 mg,Oral,BID,,No,236,56 +75935740,2233403,77,244,No,No,ZOSYN,32900.0,3.375 Gram,IV,q 8 hour,,No,739,19 +81891200,2303500,1586,1304,No,No,,7344.0,37.5 mg,Oral,Daily,,No,5799,80 +87544978,2303500,153,149,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,q 8 hour,,No,5799,59 +83551241,2303500,153,141,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,20 mL,IV,Intra-Proc Once X1,,No,174,59 +82152381,2303500,652,650,No,No,AMBIEN,7842.0,5 mg,Oral,HS PRN,,Yes,667,83 +84205788,2303500,2645,2654,No,No,DELTASONE,2879.0,10 mg,Oral,TID Meals,,No,5799,68 +84426597,2303500,668,666,No,No,AMBIEN,7842.0,10 mg,Oral,HS PRN,,Yes,5799,83 +86209200,2303500,1191,1185,No,No,AMBIEN,7842.0,10 mg,Oral,HS PRN,,Yes,1340,83 +83356423,2334053,3,-9,No,No,TYLENOL,1866.0,650 mg,Oral,q 4 hour PRN,,Yes,6069,2 +83290702,2334053,7,-6,No,No,AMBIEN,7842.0,10 mg,Oral,HS PRN,,Yes,6069,83 +84893510,2334053,38,1051,No,No,,7344.0,30 mg,Oral,Daily,,No,6069,80 +80830518,2334053,1052,1035,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,20 mL,IV,Intra-Proc Once X1,,No,1081,59 +85726188,2334053,1052,1291,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,q 8 hour,,No,6069,59 +86881738,2334053,6,-8,No,No,PERCOCET,1741.0,1 Tablet,Oral,q 4 hour PRN,,Yes,6069,2 +83082368,2450383,2382,2395,No,No,PRINIVIL,132.0,2.5 mg,Oral,BID,,No,3944,41 +85906437,2450383,896,955,No,No,CHLORHEXIDINE GLUCONATE 0.12 % MOUTHWASH : 15 ML CUP,4297.0,15 mL,Mouth/Throat,BID,,No,5386,99 +84126970,2450383,16,175,No,No,ZOSYN,32900.0,3.375 Gram,IV,q 8 hour,,No,4005,19 +83174120,2450383,1,175,No,No,SOLU-MEDROL,2876.0,60 mg,IV,q 8 hour,,No,0,68 +82818113,2450383,0,235,No,No,SOLU-MEDROL,2876.0,80 mg,IV,q 8 hour,,No,7027,68 +86116968,2450383,6847,6845,No,No,TYLENOL,1866.0,500 mg,Oral,q 4 hour PRN,,Yes,23309,2 +88246771,2450383,1,235,No,No,PEPCID,35085.0,20 mg,IV,BID,,No,11103,65 +81692916,2450383,1891,1889,No,No,RESTORIL,1592.0,15 mg,Oral,HS PRN,,Yes,1891,83 +81240869,2450383,5371,5380,No,No,COREG,13795.0,6.25 mg,Oral,q 12 hour (BID),,No,12681,41 +82273595,2450383,1,-164,No,No,OPTIRAY 320,4703.0,100 mL,IV,Intra-Proc Once X1,,No,-164,53 +85299308,2450383,3952,4555,No,No,PRINIVIL,132.0,5 mg,Oral,BID,,No,15509,41 +83360987,2462225,1,-59,No,No,TYLENOL,1866.0,325 mg,Oral,q 4 hour PRN,,Yes,9648,2 +81502982,2462225,1,-511,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,3 mL,IV,BID,,No,9648,59 +82558980,2462225,1,-59,No,No,TYLENOL,1866.0,325 mg,Oral,q 4 hour PRN,,Yes,9648,2 +85797812,2462225,2400,3494,No,No,DELTASONE,2879.0,20 mg,Oral,Daily Breakfast,,No,8311,68 +82048291,2462225,1,-489,No,No,OPTIRAY 320,4703.0,100 mL,IV,Intra-Proc Once X1,,No,-489,53 +84595896,2469796,26,8,No,No,AMBIEN,7842.0,10 mg,Oral,HS PRN,,Yes,5664,83 +85151249,2469796,2291,2284,No,No,"PROVENTIL,VENTOLIN",2073.0,2.5 mg,Inhalation,Resp q 4 h PRN,,Yes,5664,14 +84284602,2469796,3723,3852,No,No,,21110.0,,Oral,BID,,No,5664,65 +84816289,2469796,3700,3762,No,No,DELTASONE,2879.0,10 mg,Oral,TID Meals,,No,5664,68 +83873067,2469796,7,3,No,No,TYLENOL,1866.0,325 mg,Oral,q 4 hour PRN,,Yes,5664,2 +87322543,2469796,2271,2412,No,No,,182.0,180 mg,Oral,Daily,,No,5664,38 +84400224,2492811,8135,8304,No,No,,4137.0,10 mg,Oral,,,No,10220,22 +86200054,2492811,6688,6774,No,No,DELTASONE,2879.0,10 mg,Oral,TID Meals,,No,8129,68 +81189560,2492811,6686,7104,No,No,SOLU-MEDROL,2876.0,,IV,q 8 hour,,No,8129,68 +84455932,2492811,5282,5424,No,No,,8268.0,,Oral,Daily,,No,10220,38 +83847536,2492812,29,24,No,No,AMBIEN,7842.0,10 mg,Oral,HS PRN,,Yes,11817,83 +84355866,2492812,1,-10,No,No,TYLENOL,1866.0,650 mg,Oral,q 4 hour PRN,,Yes,11817,2 +86162508,2492812,31,31,No,No,,7344.0,30 mg,Oral,Daily,,No,11817,80 +87488572,2492812,272,271,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,20 mL,IV,q 8 hour,,No,11817,59 +80941315,2512314,2,177,No,No,SOLU-MEDROL,2876.0,80 mg,IV,q 8 hour,,No,947,68 +81134482,2512314,2,-3,No,No,PEPCID,35085.0,20 mg,IV,BID,,No,10481,65 +80946944,2512314,2,-7,No,No,TYLENOL,1866.0,650 mg,Oral,q 4 hour PRN,,Yes,13633,2 +84575589,2512314,2,-3,No,No,PULMICORT RESPULE,6545.0,0.5 mg,Inhalation,Resp BID,,No,330,14 +84916974,2512314,947,1077,No,No,SOLU-MEDROL,2876.0,125 mg,IV,q 4 hour,,No,3589,68 +87119610,2512314,7815,8997,No,No,DELTASONE,2879.0,40 mg,Oral,Daily Breakfast,,No,9395,68 +84463928,2512314,2,-108,No,No,OPTIRAY 320,4703.0,125 mL,IV,Intra-Proc Once X1,,No,-108,53 +81416252,2512314,6275,7557,No,No,DELTASONE,2879.0,60 mg,Oral,Daily Breakfast,,No,7810,68 +92070711,2597776,4588,4602,Yes,No,METOPROLOL TARTRATE 25 MG TABLET,2102.0,12.5 MG,Oral,Every 6 hours scheduled,,No,8774,41 +91565865,2597776,2,-63,Yes,No,,10143.0,50 MG,Oral,Daily,,No,28757,26 +90691927,2597776,9825,9837,Yes,No,METOPROLOL TARTRATE 25 MG TABLET,2102.0,12.5 MG,Oral,2 times daily,,No,28757,41 +91940866,2597777,2668,2664,Yes,No,,2102.0,5 MG,IV,Every 4 hours PRN,,Yes,11159,41 +90842939,2597777,877,893,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,903,56 +91667230,2597777,12568,12564,Yes,No,,1741.0,1 TAB,Oral,Every 6 hours PRN,,Yes,18107,2 +91707006,2597777,2379,3533,Yes,No,PANTOPRAZOLE 40 MG INTRAVENOUS SOLUTION,22008.0,40 MG,IV,Daily,,No,11400,65 +92693183,2597777,18125,18113,Yes,No,,1741.0,1-2 tablet,Oral,Every 4 hours PRN,,Yes,18463,2 +91045826,2597777,6556,6593,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Daily,,No,11400,56 +89808911,2597777,16714,16718,Yes,No,,1301.0,10 MG,Rect,Once X1,,No,16726,65 +91590350,2597777,2269,2273,Yes,No,PANTOPRAZOLE 40 MG INTRAVENOUS SOLUTION,22008.0,40 MG,IV,Daily X1,,No,3532,65 +92045031,2609672,1872,1892,Yes,No,,1301.0,10 MG,Rect,Daily,,No,7628,65 +91010294,2609672,1824,1847,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,1964,56 +90242477,2609672,7200,7247,Yes,No,,12384.0,250 MG,Oral,Daily,,No,7628,19 +90626188,2609672,2,-851,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,1000 mL,IV,Once X1,,No,-850,59 +92344286,2609672,2,-13,Yes,No,,2879.0,10 MG,Oral,Daily,,No,1568,68 +89709355,2609672,2,-13,Yes,No,ASPIRIN 325 MG TABLET,1820.0,325 MG,Oral,Daily,,No,7628,2 +90929798,2609672,2,-828,Yes,No,,926.0,50 mL,IV,Once X1,,No,-826,59 +90867604,2609672,2,-848,Yes,No,500 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,500 mL,IV,Once X1,,No,-809,59 +90527894,2609672,2,-73,Yes,No,,739.0,325 MG,Oral,,,No,7628,59 +91066490,2609672,2,-688,Yes,No,METOPROLOL TARTRATE 25 MG TABLET,2102.0,25 MG,Oral,2 times daily,,No,7628,41 +90483143,2609672,2,-13,Yes,No,,3660.0,40 MG,Oral,Daily,,No,-48,56 +92529372,2609672,2,-13,Yes,No,,1975.0,25 MG,Oral,Daily,,No,7628,65 +90487366,2609672,2,-688,Yes,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,2 times daily,,No,7628,65 +90876981,2610399,173,185,Yes,No,,1820.0,81 MG,Oral,Daily,,No,4615,2 +92775146,2610399,2312,2330,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Daily,,No,2672,56 +89731821,2610399,182,172,Yes,No,2 ML : METOCLOPRAMIDE HCL 5 MG/ML INJ SOLN,2148.0,5-10 mg,IM,Every 6 hours PRN,,Yes,4615,65 +90576902,2610399,181,200,Yes,No,,1975.0,25 MG,Oral,Daily,,No,4615,65 +90097611,2610399,173,185,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Daily,,No,2311,56 +90884072,2610399,182,172,Yes,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,Daily PRN,,Yes,4615,65 +90684392,2610399,334,560,Yes,No,METOPROLOL TARTRATE 25 MG TABLET,2102.0,25 MG,Oral,2 times daily,,No,4615,41 +90408764,2610399,182,172,Yes,No,,1301.0,10 MG,Rect,Daily PRN,,Yes,4615,65 +90878210,2610399,182,172,Yes,No,2 ML : METOCLOPRAMIDE HCL 5 MG/ML INJ SOLN,2148.0,5-10 mg,IV,Every 6 hours PRN,,Yes,4615,65 +92059328,2610399,182,172,Yes,No,1 ML : PROMETHAZINE 25 MG/ML INJ SOLN,12014.0,6.25-12.5 mg,IM,Every 6 hours PRN,,Yes,4615,17 +90382900,2610399,2,-204,Yes,No,500 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,500 mL,IV,Once X1,,No,-142,59 +90417931,2610399,181,560,Yes,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,2 times daily,,No,4615,65 +90351741,2610399,2,-284,Yes,No,,159.0,,TP,Once X1,,No,-279,0 +92154119,2627574,5366,5390,Yes,No,,3660.0,40 MG,Oral,Daily,,No,8859,56 +91007220,2627574,4244,4265,Yes,No,ASPIRIN 325 MG TABLET,1820.0,325 MG,PER NG TUBE,Daily,,No,4329,2 +90974343,2627574,2539,2555,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,2551,56 +90884757,2627574,4331,4355,Yes,No,ASPIRIN 325 MG TABLET,1820.0,325 MG,Oral,Daily,,No,8859,2 +91640950,2627574,1256,1280,Yes,No,,1301.0,10 MG,Rect,Once X1,,No,1392,65 +90580798,2627574,2539,2795,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,2850,56 +91275805,2627574,2,-100,Yes,No,METOPROLOL TARTRATE 25 MG TABLET,2102.0,25 MG,Oral,2 times daily,,No,8859,41 +92506344,2627574,4306,4325,Yes,No,,12182.0,0.25 MG,Oral,Once X1,,No,4333,29 +90720400,2627574,2,-100,Yes,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,2 times daily,,No,8859,65 +91041766,2627574,890,905,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,902,56 +92367682,2627574,4244,4265,Yes,No,ASPIRIN 325 MG TABLET,1820.0,325 MG,Oral,Daily,,No,4329,2 +91703122,2627574,2,-100,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,-17,56 +91709634,2627574,2,-70,Yes,No,,739.0,325 MG,Oral,,,No,8859,59 +92354384,2627574,2,-100,Yes,No,ASPIRIN 81 MG CHEWABLE TABLET,1820.0,81 MG,Oral,Daily,,No,4240,2 +92118535,2627574,2,-534,Yes,No,,159.0,,TP,Once X1,,No,-534,0 +90185853,2627574,4244,4238,Yes,No,,1301.0,10 MG,Rect,Daily PRN,,Yes,8859,65 +92019892,2627574,2,-546,Yes,No,4 ML VIAL : FUROSEMIDE 10 MG/ML INJ SOLN,3660.0,40 MG,IV,Once X1,,No,-532,56 +90184253,2627574,4244,4265,Yes,No,,1326.0,100 MG,Oral,2 times daily,,No,8859,65 +90587415,2628859,4290,4310,Yes,No,FAMOTIDINE 20 MG TABLET,4521.0,20 MG,Oral,2 times daily,,No,5896,65 +89902970,2628859,2,-10,Yes,No,ASPIRIN 81 MG CHEWABLE TABLET,1820.0,81 MG,Oral,Daily,,No,5896,2 +91738771,2628859,2,-10,Yes,No,,2102.0,50 MG,PER NG TUBE,Daily,,No,5896,41 +91633642,2628859,4289,4820,Yes,No,,3660.0,20 MG,Oral,,,No,4790,56 +89923073,2628859,2,-575,Yes,No,ASPIRIN 325 MG TABLET,1820.0,325 MG,Oral,Once X1,,No,-35,2 +91953594,2628859,2,-36,Yes,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,Daily PRN,,Yes,5896,65 +91675914,2628859,4288,4295,Yes,No,,3660.0,20 MG,Oral,2 times daily,,No,5896,56 +91765122,2628859,2,-10,Yes,No,,17433.0,100 MG,Oral,2 times daily,,No,5896,35 +90380442,2628859,2,-36,Yes,No,2 ML : METOCLOPRAMIDE HCL 5 MG/ML INJ SOLN,2148.0,5-10 mg,IV,Every 6 hours PRN,,Yes,5896,65 +92098690,2628859,2,-36,Yes,No,,1168.0,15 mL,Oral,Every 4 hours PRN,,Yes,5896,65 +90229784,2628859,2,-10,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,,IV,Once X1,,No,1279,59 +92021274,2628859,2961,2975,Yes,No,,739.0,300 MG,Gtub,Daily,,No,5896,59 +90453798,2628859,2,-36,Yes,No,1 ML : PROMETHAZINE 25 MG/ML INJ SOLN,12014.0,6.25-12.5 mg,IM,Every 6 hours PRN,,Yes,5896,17 +89885961,2628859,2,-10,Yes,No,PANTOPRAZOLE 40 MG INTRAVENOUS SOLUTION,22008.0,40 MG,IV,Daily,,No,5896,65 +91160454,2628859,2954,2952,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,250 mL,IV,As needed X1,,Yes,5896,59 +90132560,2628859,2,-36,Yes,No,2 ML : METOCLOPRAMIDE HCL 5 MG/ML INJ SOLN,2148.0,5-10 mg,IM,Every 6 hours PRN,,Yes,5896,65 +90002876,2628859,2,-36,Yes,No,,1301.0,10 MG,Rect,Daily PRN,,Yes,5896,65 +97973060,2999209,18,0,No,No,,1730.0,1 tablet,Oral,Every 6 Hours PRN,,Yes,1272,2 +97309189,3003035,6770,7114,No,No,pantoprazole (PROTONIX) injection 40 mg,22008.0,40 mg,IV,Every 24 Hours,,No,28753,65 +97255171,3003035,28753,30124,No,No,,22008.0,40 mg,Oral,Every Morning Before Breakfast,,No,29028,65 +97368624,3003035,311,306,No,No,,2073.0,2 puff,Inhl,Every 6 Hours PRN,,Yes,397,14 +96728395,3003035,312,349,No,No,,549.0,20 mEq,Oral,Daily,,No,7411,59 +97858400,3003035,3413,3412,No,No,,1396.0,20 g,Oral,Daily PRN,,Yes,32264,65 +97245113,3003035,311,349,No,No,,17539.0,75 mg,Oral,Daily,,No,2051,35 +97338470,3003035,7411,7444,No,No,,549.0,20 mEq,Oral,Daily,,No,17397,59 +97566000,3003035,390,424,No,No,,12383.0,500 mg,IV,Every 24 Hours,,No,5872,19 +96661041,3003035,4521,4549,No,No,,4.0,250 mcg,IV,Once X1,,No,4530,38 +97786857,3003035,17497,18754,No,No,,4.0,250 mcg,PER G TUBE,Daily,,No,32264,38 +96649469,3003035,13048,13174,No,No,,22025.0,,SubQ,Every 24 Hours,,No,18807,71 +96473637,3003035,5843,5974,No,No,,22025.0,,SubQ,Every 24 Hours,,No,7543,71 +96640254,3003035,311,349,No,No,,132.0,5 mg,Oral,Daily,,No,32264,41 +97694978,3003035,312,307,No,No,,159.0,0.4 mg,SL,,,Yes,7304,38 +96795698,3003035,30432,30484,No,No,,2150.0,,TP,,,No,32264,86 +97690650,3003035,311,349,No,No,,4.0,250 mcg,Oral,Daily,,No,11706,38 +96947765,3003035,29755,29794,No,No,,549.0,30 mEq,Oral,Once X1,,No,29839,59 +97914514,3003035,2891,2929,No,No,,549.0,30 mEq,Oral,Once X1,,No,2951,59 +97728112,3003035,17496,18754,No,No,,4.0,250 mcg,PER G TUBE,Daily,,No,17497,38 +97443131,3003035,11708,11749,No,No,,4.0,250 mcg,IV,Daily,,No,17497,38 +96380242,3003035,11606,11734,No,No,,22025.0,,SubQ,Every 24 Hours,,No,13047,71 +96808487,3003035,18821,18874,No,No,,22025.0,,SubQ,Every 24 Hours,,No,20182,71 +97276698,3003035,28847,28879,No,No,,549.0,30 mEq,Oral,Once X1,,No,28864,59 +104257614,3069831,169,166,No,No,,33598.0,4 MG,IV,,,Yes,43365,65 +103309147,3069831,208,713,No,No,ASPIRIN EC,18084.0,81 MG,PO,DAILY (0900) Routine,,No,42473,99 +103313431,3069831,3525,3593,No,No,,18084.0,40 MEQ,PO,,,No,3833,99 +103309017,3069831,169,166,No,No,TYLENOL,1866.0,650 MG,PO,EVERY 4 HR PRN Routine,,Yes,43365,2 +104257705,3069831,1225,1223,No,No,,12384.0,500 MG,IV,,,No,14183,19 +103309016,3069831,169,713,No,No,PEPCID,18084.0,20 MG,PO,Q12HR(09 21) Routine,,No,43193,99 +103330133,3083539,62,57,No,No,,,0 ML,.ROUTE,.STK-MED,,No,58,0 +103334567,3083539,3383,3784,No,No,,223.0,10 ML,PO,QID,,No,6994,50 +103330204,3083539,172,169,No,No,,25002.0,0.5 ML,INH,NOW,,No,170,14 +103334509,3083539,3361,3356,No,No,,,0 ML,.ROUTE,.STK-MED,,No,3357,0 +103337732,3083539,5384,5389,No,No,FUROSEMIDE INJ,3660.0,20 ML,IV,ONCE,,No,5390,56 +103334568,3083539,3383,3379,No,No,,223.0,10 ML,PO,TIDP,,Yes,3702,50 +103330311,3083539,162,158,No,No,,,0 ML,.ROUTE,.STK-MED,,No,159,0 +103330131,3083539,62,64,No,No,,9040.0,1 EA,NEBULIZER,ONCE,,No,65,14 +103330137,3083539,67,64,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q4HP,,Yes,6994,2 +103338400,3083539,5693,5944,No,No,METOPROLOL TARTRATE,2102.0,25 MG,PO,Q12HR,,No,6994,41 +103329985,3083539,-16,-138,No,No,LORazepam INJ,,0 ML,.ROUTE,.STK-MED,,No,-137,0 +104258968,3083539,4103,4114,No,No,predniSONE,2879.0,40 MG,PO,Q24H,,No,6994,68 +103331388,3083539,1377,1624,No,No,,6545.0,0.5 ML,NEBULIZER,Q12HR,,No,4098,14 +103330220,3083539,71,79,No,No,LORazepam INJ,4846.0,1 ML,IV,Q2HP,,Yes,6994,83 +103330019,3083539,-16,-136,No,No,FUROSEMIDE,,0 ML,.ROUTE,.STK-MED,,No,-135,0 +103330082,3083539,19,15,No,No,,,,.ROUTE,.STK-MED,,No,16,0 +103330077,3083539,15,11,No,No,LORazepam INJ,,0 ML,.ROUTE,.STK-MED,,No,12,0 +103330224,3083539,73,94,Yes,No,,3996.0,1 GM,IV,Q24H,,No,4098,19 +102232402,3090122,8046,8040,Yes,No,,23241.0,1 GM,IV,Q24H,,No,11175,20 +102222255,3090122,386,381,No,No,LORazepam INJ,4846.0,0.5 ML,IV,NOW,,No,382,83 +102222256,3090122,386,380,No,No,LORazepam INJ,4846.0,0 ML,IV,.STK-MED,,No,381,83 +102239908,3090122,13556,13559,No,No,,2073.0,,INH,Q4HP,,Yes,13582,14 +102230500,3090122,6510,6509,No,No,,1169.0,30 ML,PO,Q4HP,,Yes,13582,65 +102222604,3090122,525,523,No,No,LORazepam INJ,4846.0,0 ML,IV,.STK-MED,,No,524,83 +102226206,3090122,3365,3374,Yes,No,,610.0,2 GM,IV,ONCE,,No,3433,59 +102226672,3090122,3682,3719,No,No,LIDOCAINE 1%,,,STK,Q24H,,No,9399,0 +102221706,3090122,144,149,No,No,LORazepam INJ,4846.0,1 ML,IV,ONCE,,No,150,83 +102224181,3090122,1708,1799,No,No,,1119.0,0 ML,PO,,,No,1920,53 +102221640,3090122,-7,-135,No,No,,182.0,0 ML,IV,.STK-MED,,No,-134,38 +102221635,3090122,-7,-271,No,No,LORazepam INJ,4846.0,0 ML,IV,.STK-MED,,No,-270,83 +102221677,3090122,119,119,No,No,,14777.0,"1,000 ML",IV,,,No,713,59 +102221865,3090122,251,269,No,No,,4.0,,IV,,,No,283,38 +102221689,3090122,133,131,No,No,LORazepam INJ,4846.0,0 ML,IV,.STK-MED,,No,132,83 +102221866,3090122,251,269,No,No,PANTOPRAZOLE SODIUM,22008.0,40 MG,IV,Q12HR,,No,1575,65 +102221634,3090122,-7,-285,No,No,ACETAMINOPHEN,1866.0,0 MG,PR,.STK-MED,,No,-284,2 +102224074,3090122,1581,1709,No,No,PANTOPRAZOLE SODIUM,22008.0,40 MG,PO,Q12HR,,No,13582,65 +102221636,3090122,-7,-260,No,No,AZITHROMYCIN,6334.0,0 MG,IV,.STK-MED,,No,-259,20 +102221921,3090122,286,1679,No,No,,4.0,,IV,,,No,1679,38 +102221632,3090122,-7,-412,No,No,ACETAMINOPHEN,1866.0,0 MG,PR,.STK-MED,,No,-411,2 +102221804,3090122,106,89,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q4HP,,Yes,13403,2 +102221669,3090122,115,119,No,No,LORazepam,4846.0,0.5 MG,PO,TIDP,,Yes,10198,80 +102221626,3090122,106,119,No,No,,9040.0,1 EA,NEBULIZER,,,No,1599,14 +102221671,3090122,115,269,No,No,METOPROLOL TARTRATE,2102.0,50 MG,PO,Q12HR,,No,13582,41 +102221805,3090122,106,89,No,No,ACETAMINOPHEN,1866.0,650 MG,PR,Q4HP,,Yes,13403,2 +102221639,3090122,-7,-259,No,No,VANCOMYCIN HCL,4042.0,0 GM,IV,.STK-MED,,No,-258,20 +102221637,3090122,-7,-260,No,No,,4053.0,0 GM,IV,.STK-MED,,No,-259,20 +102506870,3096492,516,581,No,No,FUROSEMIDE,3660.0,40 MG,INTRAVENOUS,Q12H,,No,2754,56 +102506586,3096492,382,384,No,No,,4054.0,0 MG,INTRAVENOUS,.STK-MED,,No,380,19 +102507429,3096492,756,759,No,No,,4054.0,0 MG,INTRAVENOUS,.STK-MED,,No,754,19 +102508819,3096492,1733,1736,No,No,,8255.0,ML,INTRAVENOUS,.STK-MED,,No,1731,59 +102506837,3096492,509,1301,No,No,FERROUS SULFATE,739.0,324 MG,ORAL,,,No,44500,59 +102506643,3096492,382,384,No,No,,8255.0,ML,INTRAVENOUS,.STK-MED,,No,380,59 +102507430,3096492,756,759,No,No,,8255.0,ML,INTRAVENOUS,.STK-MED,,No,754,59 +102509716,3096492,2190,2193,No,No,,8255.0,ML,INTRAVENOUS,.STK-MED,,No,2188,59 +102506842,3096492,509,1301,No,No,ALLOPURINOL,1100.0,300 MG,ORAL,,,No,44500,11 +102509715,3096492,2190,2193,No,No,,4054.0,0 MG,INTRAVENOUS,.STK-MED,,No,2188,19 +102511288,3096492,3171,3461,No,No,,1621.0,25 MG,ORAL,HS,,No,46660,80 +102506843,3096492,509,1241,No,No,METOCLOPRAMIDE,2148.0,5 MG,ORAL,,,No,44440,65 +102506368,3096492,267,581,No,No,,7878.0,70 MG,SUBCUTANEOUS,Q12H,,No,43780,36 +102508818,3096492,1733,1736,No,No,,4054.0,0 MG,INTRAVENOUS,.STK-MED,,No,1731,19 +102505840,3096492,45,41,No,No,ACETAMINOPHEN,1866.0,650 MG,ORAL,,,Yes,43240,2 +102505841,3096492,45,41,No,No,ACETAMINOPHEN,1866.0,650 MG,RECTAL,,,Yes,43240,2 +102507072,3096492,614,1301,No,No,METOPROLOL TARTRATE,2102.0,25 MG,ORAL,BID,,No,44500,41 +104217117,3096492,1303,1306,No,No,,4054.0,0 MG,INTRAVENOUS,.STK-MED,,No,1301,19 +102505842,3096492,45,41,No,No,,33598.0,4 MG,INTRAVENOUS,,,Yes,43240,65 +102508003,3096492,1303,1306,No,No,,8255.0,ML,INTRAVENOUS,.STK-MED,,No,1301,59 +102507830,3096492,1211,1216,No,No,,926.0,GM,INTRAVENOUS,.STK-MED,,No,1209,59 +102808440,3099740,408,415,No,No,Propofol,,0 MG,IV Push,.STK-MED,,No,402,0 +102807514,3099740,-5,0,No,No,,1326.0,100 MG,Oral,,,Yes,43199,65 +104212628,3122442,1,-2870,No,No,morphine,1694.0,2 MG,IV,,,Yes,-2654,2 +102419777,3122442,68,66,Yes,No,,3635.0,500 ML,IV,,,No,66,56 +102419577,3122442,1,-2906,No,No,,5175.0,30 MG,IV,,,Yes,-5,2 +102419719,3122442,29,28,No,No,DEXTROSE 50% ADULT,926.0,12.5 G,IV,,,Yes,794,59 +102419566,3122442,1,-6484,No,No,cefTRIAXone,3996.0,1 G,IV,,,No,794,20 +102419720,3122442,29,28,No,No,DEXTROSE 50% ADULT,926.0,25 G,IV,,,Yes,794,59 +102419563,3122442,1,-7624,No,No,cefTRIAXone,3996.0,1 G,IV,,,No,-7574,20 +102419580,3122442,1,-2654,No,No,HYDROmorphone,34805.0,1 MG,IV,EVERY 4 HR PRN Routine,,Yes,794,2 +102419559,3122442,1,-7781,No,No,TYLENOL,1866.0,650 MG,PO,EVERY 4 HR PRN Routine,,Yes,-7464,2 +102419562,3122442,1,-7781,No,No,,21772.0,1 TAB,PO,,,Yes,794,65 +102419561,3122442,1,-7781,No,No,,33598.0,4 MG,IV,,,Yes,-1205,65 +102419570,3122442,1,-7463,No,No,,3723.0,400 MG,PO,,,Yes,-7256,11 +102419568,3122442,1,-7464,No,No,TYLENOL,1866.0,650 MG,PO,EVERY 4 HR PRN Routine,,Yes,-4,2 +102419573,3122442,1,-5270,No,No,,223.0,10 ML,PO,,,Yes,-3831,50 +102419572,3122442,1,-7255,No,No,,5175.0,30 MG,IV,,,Yes,-2936,2 +102419594,3122442,2,-1205,No,No,,33598.0,4 MG,IV,EVERY 4 HR PRN Routine,,Yes,794,65 +102696606,3128596,235,238,No,No,Propofol,4842.0,0 MG,Intravenous,.STK-MED,,No,231,5 +105895651,3193216,25,292,No,No,,3976.0,1 G,IV,,,No,1285,19 +104774493,3193216,24,37,No,No,DOCUSATE SODIUM 50 MG/5ML PO LIQD,,100 MG,Per NG tube,BID,,No,3375,0 +105905164,3193216,26,52,No,No,,2104.0,50 MG,PO,Daily,,No,3375,41 +105679057,3193216,24,37,No,No,DOCUSATE SODIUM 100 MG PO CAPS,1326.0,100 MG,PO,BID,,No,3375,65 +105042931,3193216,24,16,No,No,MORPHINE SULFATE (PF) 4 MG/ML IV SOLN,1694.0,2 MG,IV,Q2H PRN,,Yes,3375,2 +105157995,3193216,24,16,No,No,BISACODYL 10 MG RE SUPP,,10 MG,RE,Daily PRN,,Yes,3375,0 +106162774,3211257,5870,5964,No,No,,4521.0,10 MG,PO,BID,,No,7694,65 +106798805,3211257,1,-118,No,No,,8963.0,5 MG,IV PUSH,ONETIME,,No,-117,32 +106853476,3211257,1,-118,No,No,,1948.0,100 MG,IV PUSH,ONETIME,,No,-117,32 +107902524,3211257,1,-280,No,No,,1475.0,10 ML,INJ,ONETIME,,No,-279,5 +106965533,3211257,1,-118,No,No,,1615.0,5 MG,IV PUSH,ONETIME,,No,-117,80 +106266763,3244585,1,72,No,No,,12259.0,10 MG,PO,HS,,No,5478,32 +107879414,3244585,1,72,No,No,,12404.0,20 MG,PO,HS,,No,5478,41 +106377264,3244585,3286,3282,No,No,hydrALAZINE INJ,89.0,5 MG,IV PUSH,ONETIME,,No,3283,41 +108016284,3244585,1,72,No,No,,6031.0,1 MG,PO,HS,,No,5478,41 +106420906,3244585,1213,1392,No,No,ENOXAPARIN INJ,7878.0,80 MG,SUBQ,,,No,4219,36 +107166327,3244585,1,-18,No,No,,159.0,0.4 MG,SL,Q5M,,Yes,5478,38 +106569097,3244585,700,702,No,No,ALBUTEROL 0.5% NEB,2073.0,2.5 MG,INH/NEB,QID,,Yes,5478,14 +107995879,3246790,3183,3341,No,No,,,,EYE BOTH,HS,,No,7271,0 +107593474,3246790,2,-128,No,Yes,SODIUM CHLORIDE 0.9%,8255.0,ML,IV,,,No,111,59 +107160389,3246790,124,131,No,No,SODIUM CHLORIDE 0.9%,8255.0,ML,IV,,,No,7271,59 +107252747,3246790,2,-120,No,No,INSULIN HUMAN REGULAR,768.0,,IV PUSH,ONETIME,,No,-119,71 +108743071,3246790,11,461,No,No,,33314.0,,SUBQ,Q8,,No,7271,36 +106786254,3246790,3265,3341,No,No,,,,EYE RIGHT,BID,,No,7271,0 +106748466,3246790,2730,2741,No,No,,12384.0,250 MG,PO,,,No,7271,19 +106811750,3246790,39,41,No,No,,6071.0,MG,IV,,,No,2724,19 +111329107,3348292,1017,1030,No,No,,7878.0,30 mg,Subcutaneous,Daily,,No,28959,36 +111897699,3348292,9514,9535,No,No,,610.0,2 g,Intravenous,Once X1,,No,9713,59 +111390957,3348292,8445,8455,No,No,,3660.0,20 mg,Intravenous,Once X1,,No,8604,56 +110638320,3348292,13,415,No,No,,32900.0,3.375 g,Intravenous,,,No,19996,19 +111229021,3348292,962,922,No,No,,12014.0,6.25 mg,Intravenous,Q6H PRN,,Yes,6608,17 +111687188,3348292,6707,6730,No,No,,610.0,2 g,Intravenous,,,No,6963,59 +111795464,3348292,74,100,No,No,,8255.0,500 mL,Intravenous,Once X1,,No,138,59 +111776097,3348292,13,295,No,No,pantoprazole (PROTONIX) injection 40 mg,22008.0,40 mg,Intravenous,Q12H SCH,,No,19767,65 +110639343,3348292,826,850,No,No,,610.0,2 g,Intravenous,,,No,1158,59 +110839484,3348292,13,-102,No,No,,32900.0,3.375 g,Intravenous,Once X1,,No,-37,19 +111237278,3348292,502,520,No,No,,4842.0,,Intravenous,Titrated,,No,3021,5 +110930145,3348292,10819,10817,No,No,,1694.0,1-2 mg,Intravenous,Q2H PRN,,Yes,19830,2 +110838594,3348292,8257,8935,No,No,,2749.0,,Intravenous,Once X1,,No,9669,65 +110842557,3348292,146,175,No,No,,8255.0,500 mL,Intravenous,Once X1,,No,228,59 +111432886,3348292,502,520,No,No,,22724.0,,Intravenous,Titrated,,No,3021,2 +111021977,3348292,6308,6325,No,No,,3660.0,10 mg,Intravenous,Once X1,,No,6319,56 +111882486,3348293,8535,8535,No,No,,1694.0,1-2 mg,Intravenous,Q2H PRN,,Yes,14415,2 +111631129,3348293,6159,6158,No,No,,1742.0,5 mg,Oral,Q6H PRN,,Yes,14417,2 +111516163,3348293,255,280,No,No,,21110.0,,Oral,Daily,,No,17664,65 +110779774,3348293,1076,1090,No,No,,609.0,400 mg,Oral,Q12H X2,,No,1737,59 +111700769,3352230,6932,7347,No,Yes,,271.0,600 MG,ORAL,BID,,No,0,50 +111299878,3352230,806,1047,No,Yes,FUROSEMIDE,3660.0,40 MG,INTRAVEN,OTCOND,,No,0,56 +111447064,3352230,4342,4467,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,BID,,No,0,32 +110802119,3352230,8053,8025,No,Yes,METOPROLOL,2102.0,50 MG,ORAL,BID,,No,0,32 +111865766,3352230,779,867,No,Yes,PANTOPRAZOLE,22008.0,40 MG,INTRAVEN,BID,,No,0,65 +111099947,3352230,159,927,No,Yes,INSULIN HUMALOG (PER UNIT),11528.0,,SUBCUTAN,,,No,0,71 +111890684,3352230,2263,2307,No,Yes,METOPROLOL,2102.0,12.5 MG,ORAL/TUBE,BID,,No,0,32 +111287782,3352230,3664,3747,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,BID,,No,0,32 +111387613,3352230,2749,2749,No,Yes,,271.0,600 MG,ORAL,BID,,No,16707,50 +111704516,3352230,12721,12721,No,No,SODIUM CHLORIDE 0.9%,8255.0,"1,000 ML",INTRAVEN,OTCOND,,No,15372,59 +110794510,3352230,159,777,No,Yes,INSULIN HUMALOG (PER UNIT),11528.0,,SUBCUTAN,AC,,No,0,71 +111892167,3352230,2968,3747,No,Yes,BISACODYL,1301.0,10 MG,ORAL,Q2DAYS,,No,0,65 +111901583,3352230,2450,2457,No,No,FUROSEMIDE,3660.0,40 MG,INTRAVEN,ONCERX,,No,2457,56 +111734973,3352230,10879,10947,No,Yes,PANTOPRAZOLE,22008.0,40 MG,ORAL,BID,,No,0,65 +110955715,3352231,2,-74,No,Yes,ZOLPIDEM TARTRATE,7842.0,5-10 MG,ORAL,QHSPRN,,Yes,0,83 +111270720,3352231,3,563,No,No,,3976.0,100 ML,INTRAVEN,OTCOND,,No,1164,20 +111175806,3352231,2,83,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,BID,,No,0,32 +111844260,3352231,252,252,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,OTCOND,,No,0,32 +111402986,3352231,230,230,No,Yes,,1619.0,4 MG,INTRAMUSC,OTCOND,,No,0,5 +111662138,3352231,5,803,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,BID,,No,0,32 +110723600,3352231,4,23,No,Yes,METOPROLOL,2102.0,25 MG,ORAL,OTCOND,,No,0,32 +111305438,3352231,2,-74,No,Yes,MORPHINE 2MG/ML,1694.0,2 MG,INTRAVEN,Q5MINPRN,,Yes,7126,2 +111188180,3352231,3,83,No,No,,3385.0,1 APP,NASAL,BID,,No,6563,0 +110899153,3352231,2,-129,No,Yes,MORPHINE 2MG/ML,1694.0,1-2 MG,INTRAVEN,Q2HRSPRN,,Yes,7071,2 +110865024,3352231,2,-67,No,No,SODIUM CHLORIDE 0.9%,8255.0,"1,000 ML",INTRAVEN,Q8,,No,533,59 +110700788,3352231,1279,3683,No,Yes,BISACODYL,1301.0,10 MG,RECTAL,Q2DAYS,,No,0,65 +111123210,3352231,1279,1263,No,Yes,,4297.0,15 ML,MUCOUS MEM,Q12H,,No,0,99 +8470521,141764,178,174,No,No,LISINOPRIL 5 MG PO TABS,132.0,5 3,PO,Once,,No,196,0 +11561059,141765,115,736,No,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 3,PO,QAM AC,,No,2739,0 +7915803,141765,1,-186,No,No,5 ML VIAL : DILTIAZEM HCL 25 MG/5ML IV SOLN,182.0,15 3,IV,Once,,No,-179,38 +10431351,165752,2808,2800,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,,1-2 5002,PO,Q4H PRN,,Yes,3737,0 +11562639,165753,1,104,Yes,No,,,1000 MG,IV,Q8H SCH,,No,3751,0 +10994332,165753,1,-70,No,No,1 ML - NALOXONE HCL 0.4 MG/ML IJ SOLN,,0.1 3,IV,PRN,,Yes,-49,0 +11091209,165753,1,-103,No,No,1 ML - HYDROMORPHONE HCL 1 MG/ML IJ SOLN,,0.2 3,IV,Q5 Min PRN,,Yes,-49,0 +9728032,165753,1,44,No,No,,,4 3,PO,Nightly,,No,3751,0 +11674936,165753,1,-103,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,,4 3,IV,BID PRN,,Yes,-50,0 +7795771,165753,1,-73,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,,4 3,IV,BID PRN,,Yes,3751,0 +10850280,165753,1,-70,No,No,1 ML - NALOXONE HCL 0.4 MG/ML IJ SOLN,,0.1 3,IV,PRN,,Yes,1111,0 +9065759,165753,1,-411,No,No,CEFAZOLIN 2 GM IN NS 100 ML IVPB (REPACKAGE),,"2,000 3",IV,On Call to Procedure,,No,-286,0 +8179262,165753,1,-103,No,No,MEPERIDINE RANGE INJ,,25 3,IV,Q10 Min PRN,,Yes,-49,0 +6910224,165753,1,224,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,,1-2 5002,PO,Q4H PRN,,Yes,2814,0 +6885717,165753,1,-103,No,No,1 ML - HYDRALAZINE HCL 20 MG/ML IJ SOLN,,5 3,IV,Q10 Min PRN,,Yes,-1,0 +6863695,165753,1,44,No,No,,,1 5002,PO,Nightly,,No,3751,0 +6930522,165753,1,-61,No,No,1000 ML - KCL IN DEXTROSE-NACL 20-5-0.45 MEQ/L-%-% IV SOLN,,75 mL/hr,IV,Continuous,,No,1081,0 +6687608,165753,1,-103,No,No,MORPHINE INJ,,1-4 3,IV,Q5 Min PRN,,Yes,-49,0 +7879911,178858,2,-30,No,No,1000 ML - LACTATED RINGERS IV SOLN,525.0,500 1,IV,Once,,No,-33,59 +9787484,178858,2,-148,No,No,1000 ML - LACTATED RINGERS IV SOLN,525.0,250 1,IV,PRN,,Yes,-4,59 +8486505,178858,44,16,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 3,IV,BID PRN,,Yes,1598,65 +9860893,178858,2,-149,No,No,1 ML - HYDROMORPHONE HCL 1 MG/ML IJ SOLN,1695.0,0.2-0.5 3,IV,Q5 Min PRN,,Yes,-4,2 +11086399,178858,2,-387,No,No,5 G - LIDOCAINE-PRILOCAINE 2.5-2.5 % EX CREA,,1 10021,TP,PRN,,Yes,-4,0 +8002707,178858,2,-149,No,No,1 ML - DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,25 3,IV,Q4H PRN,,Yes,-4,17 +11450089,178858,42,30,No,No,1000 ML - KCL IN DEXTROSE-NACL 20-5-0.45 MEQ/L-%-% IV SOLN,14778.0,100 mL/hr,IV,Continuous,,No,1598,59 +8564361,178858,2,-387,No,No,LEVOFLOXACIN IN D5W 500 MG/100ML IV SOLN,12383.0,500 3,IV,On Call to Procedure,,No,-296,19 +8163948,178858,44,510,No,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 3,IV,Nightly,,No,1598,65 +10286494,178858,2,-387,No,No,50 ML SYRINGE : DEXTROSE 50 % IV SOLN,926.0,25 4,IV,PRN,,Yes,-4,59 +10561141,178858,2,-387,No,No,1000 ML - DEXTROSE 5 % IV SOLN,915.0,100 41,IV,Continuous PRN,,Yes,16,59 +6673110,178858,2,-375,No,No,1000 ML - LACTATED RINGERS IV SOLN,525.0,10 mL/hr,IV,Continuous,,No,16,59 +8996770,178858,2,-135,No,No,1000 ML - LACTATED RINGERS IV SOLN,525.0,100 mL/hr,IV,Continuous,,No,16,59 +9509515,178858,2,-149,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 3,IV,BID PRN,,Yes,-4,65 +9505067,178858,44,16,No,No,MORPHINE INJ,1694.0,1-4 3,IV,Q1H PRN,,Yes,1598,2 +6807541,178859,619,579,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1741.0,1 5002,PO,Q4H PRN,,Yes,947,0 +9819532,210641,3327,3666,No,No,METHYLPREDNISOLONE SODIUM SUCC 125 MG IJ SOLR,36808.0,40 3,IV,Q8H,,No,3907,68 +10681823,210642,1,-51,No,No,100 ML - POTASSIUM CHLORIDE 20 MEQ/100ML IV SOLN,549.0,40 7,IV,Q4H PRN,,Yes,3911,59 +8587278,210642,1,-51,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,20 7,PO,Q4H PRN,,Yes,3911,0 +7773879,210642,1,-166,Yes,No,,610.0,3 g,IV,Once,,No,-55,59 +7579088,210642,1,-166,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,40 7,PO,Once,,No,-103,0 +9550910,210642,1,-165,No,No,4 ML - FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 3,IV,Once,,No,-150,56 +7564873,210642,1,-192,No,No,METHYLPREDNISOLONE SODIUM SUCC 125 MG IJ SOLR,36808.0,125 3,IV,Once,,No,-150,68 +8666538,210642,1,-51,No,No,100 ML - POTASSIUM CHLORIDE 20 MEQ/100ML IV SOLN,549.0,20 7,IV,Q4H PRN,,Yes,3911,59 +9499609,210642,1,-51,No,No,MAGNESIUM SULFATE 2 G IN NS PREMIX,11249.0,2 4,IV,Q4H PRN,,Yes,3911,59 +10728202,210642,1,-50,No,No,.5 ML VIAL : PNEUMOCOCCAL VAC POLYVALENT 25 MCG/0.5ML IJ INJ,4212.0,0.5 1,IM,Once,,No,1949,92 +11008924,210642,1,-50,No,No,0.5 ML - INFLUENZA VAC SPLIT QUAD 0.5 ML IM SUSP,40567.0,0.5 1,IM,Once,,No,2332,92 +11610381,210642,1,-51,No,No,,,0.5 3,NEBULIZATION,Q4H PRN,,Yes,3911,0 +10686599,210642,1,-298,No,No,3 ML - IPRATROPIUM-ALBUTEROL 0.5-2.5 (3) MG/3ML IN SOLN,,3 1,NEBULIZATION,Once,,No,-18,0 +11598804,210642,1,-51,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,40 7,PO,Q4H PRN,,Yes,3911,0 +11352367,217837,833,1283,No,No,,1742.0,10 3,PO,Q8H SCH,,No,1501,0 +10042928,217837,3740,4403,No,No,WARFARIN SODIUM 3 MG PO TABS,2812.0,3 3,PO,Once,,No,4359,0 +10369074,217837,2295,2963,No,No,WARFARIN SODIUM 5 MG PO TABS,2812.0,5 3,PO,Once,,No,2956,0 +7537026,217838,-6,-361,No,No,MUPIROCIN 2 % OINT 1 G SYRINGE,,1 10021,EACH NARE,On Call to Procedure,,No,-1,0 +10524425,217838,-6,-109,No,No,1000 ML - KCL IN DEXTROSE-NACL 20-5-0.45 MEQ/L-%-% IV SOLN,14778.0,100 mL/hr,IV,Continuous,,No,4408,59 +11355462,217838,30,12,No,No,CEFAZOLIN 2 GM IN NS 100 ML IVPB (REPACKAGE),26808.0,"2,000 3",IV,Q8H SCH,,No,346,19 +10018420,217838,26,0,No,No,,6587.0,100 3,PO,PRN,,Yes,4408,0 +8642108,217838,29,312,No,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,2 5002,PO,Nightly,,No,4408,0 +10020261,217838,-6,-102,No,No,5 ML - METOPROLOL TARTRATE 1 MG/ML IV SOLN,2102.0,5 3,IV,Once,,No,-108,41 +10015704,217838,-6,-361,No,No,5 G - LIDOCAINE-PRILOCAINE 2.5-2.5 % EX CREA,,1 10021,TP,PRN,,Yes,-1,0 +10441083,217838,-6,-361,No,No,ACETAMINOPHEN 500 MG PO TABS,1866.0,"1,000 3",PO,On Call to Procedure,,No,-326,0 +8841045,217838,29,2412,No,No,FERROUS SULFATE 325 (65 FE) MG PO TABS,739.0,325 3,PO,Daily with breakfast,,No,4408,0 +8503936,217838,36,12,No,No,ACETAMINOPHEN 500 MG PO TABS,1866.0,"1,000 3",PO,TID,,No,4408,0 +8717414,217838,24,12,No,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 3,PO,QAM AC,,No,4408,0 +7633055,217838,29,0,No,No,1 ML - HYDROMORPHONE HCL 1 MG/ML IJ SOLN,1695.0,0.2-0.5 3,IV,Q1H PRN,,Yes,4408,2 +8697538,217838,-6,-124,No,No,1 ML - HYDROMORPHONE HCL 1 MG/ML IJ SOLN,1695.0,0.2 3,IV,Q5 Min PRN,,Yes,-1,2 +9168059,217838,-6,-361,No,No,50 ML SYRINGE : DEXTROSE 50 % IV SOLN,926.0,25 4,IV,PRN,,Yes,-1,59 +8820832,217838,-6,-361,No,No,,,0.5-1 1,SC,PRN,,Yes,-1,0 +11470173,217838,-6,-124,No,No,MEPERIDINE RANGE INJ,1687.0,25 3,IV,Q5 Min PRN,,Yes,-1,2 +8099338,217838,-6,-361,No,No,,,1 5011,TD,On Call to Procedure,,No,-325,0 +10993357,217838,-6,-124,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 3,IV,BID PRN,,Yes,-1,65 +11140432,217838,-6,-361,No,No,CEFAZOLIN 2 GM IN NS 100 ML IVPB (REPACKAGE),26808.0,"2,000 3",IV,On Call to Procedure,,No,-240,19 +6738882,217838,29,0,No,No,2 ML VIAL : ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 3,IV,BID PRN,,Yes,4408,65 +11024982,217838,29,0,No,No,30 ML CUP : ALUM & MAG HYDROXIDE-SIMETH 200-200-20 MG/5ML PO SUSP,1168.0,30 1,PO,Q4H PRN,,Yes,4408,0 +13496095,257802,-5,-45,No,No,hydrALAZINE INJ,89.0,10 MG,IVP,Q4H,,Yes,4493,41 +13826108,257802,429,420,No,No,,1610.0,5 MG,PO,PRN,,No,4493,80 +12458530,257802,-5,-45,No,No,,25277.0,0 EACH,IVP,Q1H,,Yes,4493,2 +14123856,257802,-5,-45,No,No,MAGNESIUM HYDROXIDE,1329.0,30 ML,PO,DAILY,,Yes,4493,65 +12126379,257802,-5,-385,Yes,No,,3976.0,2 GM,IV,,,No,335,19 +13116404,257802,-5,-45,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q6H,,Yes,4493,2 +13306681,257802,1662,1895,No,No,,2866.0,50 MG,IVP,,,No,2910,68 +13635672,263285,1760,1754,No,No,GLUCAGON INJ,19078.0,1 MG,IM,PRN,,Yes,3005,59 +12539949,263285,229,244,Yes,No,,551.0,,IV,ONE,,No,603,59 +14337021,263285,115,114,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,ML,IV,ONE,,No,174,59 +14208750,263285,1420,1414,No,No,INSULIN ASPART,20769.0,5 UNITS,SUB-Q,,,No,3005,71 +14414651,263285,81,1264,No,No,ENOXAPARIN INJ,7878.0,40 MG,SUB-Q,DAILY,,No,3005,36 +14470691,263285,2865,2864,No,No,POTASSIUM CHLORIDE TAB CR,549.0,20 MEQ,PO,ONE,,No,2865,59 +11781865,281132,3233,3230,No,No,,1235.0,2.5 MG,PO,PRN,,Yes,5739,65 +12924686,281132,644,645,No,No,FUROSEMIDE INJ,3660.0,40 MG,IV,ONE,,No,646,56 +13190706,281132,1719,1720,No,No,,2728.0,GM,IV,ONE,,No,1819,35 +12278026,281132,13,1190,No,No,,6113.0,20 MG,PO,DAILY,,No,5739,41 +12794158,281132,5550,5549,No,No,,4212.0,0.5 ML,IM,ONE,,No,5550,92 +13053339,281132,643,650,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,ML,IV,PRN,,No,1370,59 +11751573,281132,644,1010,No,No,FUROSEMIDE INJ,3660.0,40 MG,IV,ONE,,No,1011,56 +13307031,281132,26,110,No,No,,4833.0,75 MG,PO,TID,,No,5739,38 +12208794,281132,18,1190,No,No,,14306.0,,PO,DAILY,,No,359,59 +12817112,281132,262,260,No,No,ACETAMINOPHEN,1866.0,,PO,,,Yes,5739,2 +13775484,281132,4,-70,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,ML,IV,PRN,,No,331,59 +12958334,281132,354,355,No,No,FUROSEMIDE,3660.0,20 MG,PO,ONE,,No,356,56 +13370081,281132,367,1130,No,No,,14306.0,,PO,,,No,5739,59 +14352888,281132,109,110,No,No,,26793.0,"1,000 MG",PO,TID,,No,5739,65 +11870709,281132,26,110,No,No,,4833.0,150 MG,PO,TID,,No,5739,38 +12100952,281132,14,1190,No,No,,26793.0,,PO,DAILY,,No,82,65 +12652067,284517,171,370,No,No,,4.0,0.125 MG,IV,DAILY,,No,479,38 +13290019,284517,2,-105,No,No,,1555.0,80 MG,IV,ONE,,No,-104,5 +13761577,284517,2,-115,No,No,,1948.0,,IV,ONE,,No,-114,32 +13774433,284517,34,25,No,No,"LACTATED RINGER'S 1,000 ML BAG.",525.0,"1,000 ML",IV,ONE,,No,85,59 +14409902,284517,48,250,Yes,No,,8738.0,4.5 GM,IV,Q6H,,No,479,19 +11927019,284517,2,-150,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,"1,000 ML",IV,ONE,,No,-90,59 +13691160,284517,46,15,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,"1,000 ML",IV,PRN,,No,479,59 +12126227,284517,2,-47,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,"1,000 ML",IV,ONE,,No,13,59 +12288044,284517,386,-35,No,No,,1555.0,80 MG,IV,ONE,,No,-34,5 +12961581,284517,170,155,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,"1,000 ML",IV,PRN,,No,479,59 +14373157,284517,89,80,No,No,"SODIUM CHLORIDE 0.9% 1,000 ML BAG",8255.0,500 ML,IV,ONE,,No,110,59 +11982019,284517,2,-65,No,No,METHYLPREDNISOLONE SOD SUCC,2876.0,125 MG,IV,ONE,,No,-64,68 +14377629,284517,2,-96,No,No,,1478.0,100 ML,INJ,ONE,,No,-95,5 +16371421,313055,4,-209,No,No,ASPIRIN 325 MG TABLET,1820.0,325 mg,Oral,,,No,2222,2 +15635624,313055,4,-53,No,No,HYDROCODONE 5 MG-ACETAMINOPHEN 325 MG TABLET,1730.0,1 tablet,Oral,,,Yes,2222,2 +18016391,313055,276,-53,No,No,,,,IV,,,Yes,2222,0 +16847912,314184,1,-518,No,No,,4846.0,0.5 mg,IV,X1,,No,-468,83 +16999809,314184,1,-518,No,No,,21993.0,2 puff,Inhl,,,No,2516,14 +16488558,314184,1,-761,No,No,,4846.0,1 mg,IV,X1,,No,-726,83 +17908451,314184,1,-488,No,No,,21993.0,2 puff,Inhl,,,No,-476,14 +16837882,314184,1,-524,No,No,HYDROCODONE 5 MG-ACETAMINOPHEN 325 MG TABLET,1730.0,1 tablet,Oral,,,Yes,2516,2 +18170961,314184,1,-510,No,No,,113.0,0.1 mg,Oral,,,Yes,2516,41 +14513002,314184,1,-428,No,No,,4846.0,1 mg,IV,,,Yes,2516,83 +15068254,314184,1,112,No,No,,16911.0,10 mg,Oral,,,No,2516,14 +14480591,314184,1,-474,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,Yes,2516,14 +16051763,314184,1,-458,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,No,2516,14 +15701380,314184,1,-524,No,No,,223.0,10 mL,Oral,,,Yes,2516,50 +15312949,314184,1,-510,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,Yes,-473,14 +15617347,314184,1,-503,No,No,ENOXAPARIN 40 MG/0.4 ML SUB-Q SYRINGE .4 ML SYRINGE,7878.0,40 mg,SubQ,,,No,2516,36 +16047518,314184,1,-510,No,No,ONDANSETRON HCL 4 MG TABLET,6055.0,4 mg,Oral,,,Yes,2516,65 +15394337,314184,1,-503,No,No,SODIUM CHLORIDE 0.9 % IV 1000 ML BAG,8255.0,50 mL/hr,IV,,,No,943,59 +15743117,314184,1,-510,No,No,LABETALOL 5 MG/ML IV 20 ML VIAL,2095.0,20 mg,IV,,,Yes,2516,41 +17651824,314184,1,-510,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,2516,65 +18239155,342377,1,-24120,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,10 mL,IV,"0600,1400,2200",,No,-22676,59 +16553518,342377,7234,7223,No,No,,12014.0,25 mg,Oral,,,Yes,7575,17 +18403331,342377,1,-24120,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,10 mL,IV,"0600,1400,2200",,No,7575,59 +16649005,342377,1,-23865,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-22340,95 +18335092,342377,1,-18105,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-16621,95 +17279532,342377,1,-24138,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,10 mL,IV,,,Yes,7575,59 +15778171,342377,1,-24139,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,8 mg,IV,,,Yes,7575,65 +15520103,342377,1,-24120,Yes,No,,994.0,500 MG,IV,,,No,-23821,95 +15426567,342377,1,-16665,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-15086,95 +15520101,342377,1,-24120,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-23821,95 +17233560,342377,1,-24120,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,10 mL,IV,"0600,1400,2200",,No,-22676,59 +15878873,342377,1,-15225,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-14320,95 +17260241,342377,131,122,No,No,,926.0,25 mL,IV,X1,,Yes,7575,59 +16167336,342377,131,122,No,No,,926.0,25 mL,IV,X1,,Yes,7575,59 +15914200,342377,1,-19545,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,-18067,95 +14820856,367912,8908,9580,Yes,No,,994.0,500 MG,IV,,,No,10990,95 +14820854,367912,8908,9580,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,10990,95 +16610163,367912,3114,3130,No,No,,6306.0,1 g,IV,,,No,3309,59 +15276014,367912,4540,5260,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,6710,95 +15393939,367912,6122,6700,Yes,No,,994.0,500 MG,IV,,,No,8088,95 +15276016,367912,4540,5260,Yes,No,,994.0,500 MG,IV,,,No,6710,95 +17513727,367912,1,-94,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,288,65 +14615449,367912,2107,2380,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,3892,95 +18437376,367912,10639,11020,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,12156,95 +16468950,367912,289,288,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,8 mg,IV,,,Yes,12156,65 +17522227,367912,10638,10660,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,10754,59 +18305461,367912,4450,4480,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK 50 ML FLEX CONT,610.0,2 g,IV,,,No,4633,59 +18437378,367912,10639,11020,Yes,No,,994.0,500 MG,IV,,,No,12156,95 +15393937,367912,6122,6700,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,8088,95 +17198415,367912,7480,8140,Yes,No,,994.0,500 MG,IV,,,No,9525,95 +18154563,367912,673,940,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,2361,95 +17198413,367912,7480,8140,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,9525,95 +14744577,367912,3114,3820,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,5232,95 +17023497,367912,7464,8140,Yes,No,"MVI, ADULT NO.4 WITH VIT K 3300 UNIT-150 MCG/10 ML IV 10 ML VIAL",38448.0,10 mL,IV,,,No,7480,95 +17023499,367912,7464,8140,Yes,No,,994.0,500 MG,IV,,,No,7480,95 +17312718,378120,1,-759,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,6841,65 +15454499,378120,1,-584,No,No,POLYETHYLENE GLYCOL 3350 17 GRAM ORAL POWDER PACKET,22819.0,17 g,Oral,"0900,2100",,No,4999,65 +14954040,378120,1,-759,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,3 mL,IV,,,Yes,6841,59 +17901878,395323,2684,2711,No,No,,4270.0,,TP,"0900,2100",,No,6079,86 +15030087,395323,9,7,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,7245,65 +17577892,395323,1409,1408,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,2007,65 +16050076,405746,12325,12753,No,No,WARFARIN 5 MG TABLET,2812.0,10 mg,Oral,1700,,No,15534,36 +16313012,405746,5276,5613,No,No,WARFARIN 5 MG TABLET,2812.0,5 mg,Oral,1700,,No,9642,36 +15928420,405746,2,-1039,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,15534,65 +16958499,405746,2,-87,Yes,No,SODIUM CHLORIDE 0.9 % IV 250 ML BAG,8255.0,,IV,,,No,-70,59 +15590381,405746,2,-568,No,No,,223.0,10 mL,Oral,,,Yes,15534,50 +16578448,405746,2,-568,No,No,ONDANSETRON HCL (PF) 4 MG/2 ML INJECTION 2 ML VIAL,33598.0,4 mg,IV,,,Yes,785,65 +15409690,405746,2,-807,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,3 mL,IV,"0600,1400,2200",,No,15534,59 +18376140,405746,2,-1039,No,No,HYDROCODONE 5 MG-ACETAMINOPHEN 325 MG TABLET,1730.0,2 tablet,Oral,,,Yes,15534,2 +15116144,405746,2,-1039,No,No,SODIUM CHLORIDE 0.9 % SYRINGE 10 ML SYRINGE,8255.0,3 mL,IV,,,Yes,15534,59 +17624751,405746,2,-568,No,No,LABETALOL 5 MG/ML IV 20 ML VIAL,2095.0,20 mg,IV,,,Yes,15534,41 +16519077,405746,2,-57,Yes,No,SODIUM CHLORIDE 0.9 % IV 250 ML BAG,8255.0,,IV,,,No,226,59 +17236687,405746,2,-568,No,No,HYDROCODONE 5 MG-ACETAMINOPHEN 325 MG TABLET,1730.0,2 tablet,Oral,,,Yes,785,2 +15407923,405746,9643,9933,Yes,No,WARFARIN 5 MG TABLET,2812.0,5 MG,Oral,1700,,No,12325,36 +15407922,405746,9643,9933,Yes,No,,2812.0,2.5 MG,Oral,1700,,No,12325,36 +14948270,420354,936,926,No,No,HYDROCODONE 5 MG-ACETAMINOPHEN 325 MG TABLET,1730.0,1 tablet,Oral,,,Yes,1109,2 +15817983,420354,2,7,Yes,No,,182.0,100 MG,IV,,,No,1108,38 +14973917,420354,2,-338,Yes,No,,182.0,100 MG,IV,,,No,1108,38 +15035544,420354,2,-13,No,No,,4108.0,100 mg,Oral,,,Yes,2826,5 +17585809,420354,2,-13,No,No,ONDANSETRON HCL 4 MG TABLET,6055.0,4 mg,Oral,,,Yes,2826,65 +14656071,420354,2,-4,No,No,IPRATROPIUM-ALBUTEROL 0.5 MG-3 MG(2.5 MG BASE)/3 ML NEB SOLUTION 3 ML VIAL,9040.0,3 mL,NEBULIZATION,,,Yes,2826,14 +19710780,436993,4,-2879,No,No,LASIX,3660.0,40 MG,PO,DAILY,,No,48,56 +20018698,436993,4,-3972,No,No,ASPIRIN CHEWABLE,1820.0,81 MG,PO,DAILY,,No,-459,2 +21626677,436993,67,81,Yes,No,,936.0,1000 ml,IV,CONT INF,,No,2374,59 +19738508,436993,29,-97,No,No,MULTIVITAMIN,1099.0,1 TAB,PO,DAILY,,No,7030,95 +21677483,436993,4,-2883,No,No,,1061.0,1 CAP,PO,DAILY,,No,7030,95 +20946254,436993,4,-3971,No,No,LASIX,3660.0,20 MG,PO,DAILY,,No,-3406,56 +18809354,436993,2435,2420,No,No,,999.0,,IV,DAILY,,No,7030,95 +19811174,436993,2434,2420,No,No,,22890.0,100 MCG,SUBQ,,,No,7030,34 +20747927,436993,3870,3860,No,No,LASIX,3660.0,20 MG,PO,DAILY,,No,7030,56 +21916542,436993,4,-1900,No,No,,999.0,,PO,DAILY,,No,-459,95 +20461300,436993,29,20,Yes,No,,2051.0,16 MG,IV,CONT INF,,No,3867,32 +21173689,436993,4,-205,Yes,No,,3976.0,2 G,IV,0,,No,-205,19 +20463138,436993,36,50,Yes,No,,25386.0,1000 MCG,IV,CONT INF,,No,3867,2 +21765362,439621,1,-89,Yes,No,,549.0,20 MEQ,IV,0,,No,-89,59 +21408012,439621,1,1141,No,No,NovoLOG Flexpen,20769.0,5 UNITS,SUBQ,,,No,1246,71 +21765363,439621,1,-89,Yes,No,,551.0,,IV,0,,No,-89,59 +20826133,439621,1,-179,No,No,DEXTROSE 50% ABBOJECT,926.0,12.5 G,IV,PRN,,Yes,1246,59 +21765361,439621,1,-89,Yes,No,,8254.0,1000 ml,IV,0,,No,-89,59 +20896071,439621,1,-121,Yes,Yes,,8255.0,,IV,CONT INF,,Yes,0,59 +21650648,439621,1,901,No,No,NovoLOG Flexpen,20769.0,5 UNITS,SUBQ,DAILYACB,,No,1246,71 +20977076,439621,1,31,No,No,NovoLOG Flexpen,20769.0,,SUBQ,AC-HS,,No,1246,71 +22345473,439621,1,-179,No,No,,807.0,15 G,PO,PRN,,Yes,1246,59 +21221937,439621,1,-230,Yes,No,,8255.0,1000 ml,IV,0,,No,-230,59 +21355245,439621,1,-179,No,No,GLUCAGEN,19078.0,1 MG,IM,PRN,,Yes,1246,59 +21806414,439621,1,-179,Yes,No,,8255.0,,IV,CONT INF,,Yes,-120,59 +22561108,439621,1,-179,No,No,RESTORIL,1592.0,7.5 MG,PO,HSPRN,,Yes,1246,83 +21508615,439621,1,61,No,No,NovoLOG Flexpen,20769.0,5 UNITS,SUBQ,,,No,1246,71 +19282142,439621,15,31,Yes,No,,551.0,,IV,,,No,1246,59 +22466937,439621,1,-179,No,No,DEXTROSE 50% ABBOJECT,926.0,25 G,IV,PRN,,Yes,1246,59 +20384904,475290,1,-5,No,No,NovoLOG Flexpen,,,SUBQ,Q4H,,No,908,0 +21652448,475290,909,1045,No,No,NovoLOG Flexpen,,,SUBQ,,,No,2776,0 +19684967,475290,1,-95,No,No,DEXTROSE 50% ABBOJECT,,25 G,IV,PRN,,Yes,2776,0 +19141007,475290,459,438,Yes,No,,,100 ML,IV,0,,No,438,0 +19775235,475290,2,10,Yes,No,,,1000 ML,IV,,,No,79,0 +19672811,475290,909,2245,No,No,NovoLOG Flexpen,,,SUBQ,DAILYACB,,No,2776,0 +22040367,475290,1,-95,No,No,ZOFRAN,,4 MG,IV,Q8HPRN,,Yes,2776,0 +19125434,475290,1,-35,No,No,NovoLOG Flexpen,,,SUBQ,,,No,908,0 +21304841,475290,909,1405,No,No,NovoLOG Flexpen,,,SUBQ,,,No,2776,0 +20938978,475290,1,805,No,No,NovoLOG Flexpen,,,SUBQ,DAILYACB,,No,908,0 +18716225,475290,1,-85,No,No,VENTOLIN 2.5MG/0.5ML,,2.5 MG,INH,RQ6,,No,2776,0 +21434159,475290,909,1045,No,No,NovoLOG Flexpen,,,SUBQ,AC-HS,,No,2776,0 +18614735,475290,1,-95,No,No,DEXTROSE 50% ABBOJECT,,12.5 G,IV,PRN,,Yes,2776,0 +21069649,475290,1,1045,No,No,NovoLOG Flexpen,,,SUBQ,,,No,908,0 +21995412,475290,1,-95,Yes,No,,,,IV,CONT INF,,Yes,1119,0 +19314755,475290,1,-103,No,No,,,,SUBQ,,,No,908,0 +21265297,475290,1,-308,Yes,No,,,100 UNITS,IV,0,,No,-308,0 +21475883,475290,1,-95,No,No,GLUCAGEN,,1 MG,IM,PRN,,Yes,2776,0 +20550147,475290,1,-95,No,No,,,15 G,PO,PRN,,Yes,2776,0 +21265296,475290,1,-308,Yes,No,,,,IV,0,,No,-308,0 +20328720,482789,14,30,Yes,No,,3948.0,,IV,,,No,0,19 +19047835,482789,5202,5192,Yes,No,,6306.0,2 G,IV,0,,No,5192,59 +21787521,482789,18,195,Yes,Yes,,12383.0,500 MG,IV,Q24HRS,,No,0,19 +20358308,482789,877,885,No,No,LASIX,3660.0,20 MG,IV,,,No,885,56 +19138115,482789,1030,1035,Yes,No,,12383.0,500 MG,IV,0,,No,1035,19 +18715525,482789,1030,2475,Yes,No,,12383.0,250 MG,IV,Q24HRS,,No,0,19 +22157423,482789,4099,4110,No,No,LASIX,3660.0,20 MG,IV,Q8H,,No,5792,56 +22249425,482789,19,18,No,No,TYLENOL,1866.0,650 MG,PO,Q6HPRN,,Yes,0,2 +20695391,482789,23,23,No,No,ASPIRIN CHEWABLE,1820.0,81 MG,PO,DAILY,,No,0,2 +20166912,482789,960,975,No,No,LASIX,3660.0,20 MG,PO,DAILY,,No,3878,56 +21228209,482789,3940,3940,No,No,RESTORIL,1592.0,7.5 MG,PO,HSPRN,,Yes,5792,83 +21611249,485952,1,-59,No,No,VENTOLIN 2.5MG/0.5ML,2074.0,2.5 MG,INH,Q6HPRN,,Yes,3415,14 +20115951,485952,928,928,No,No,,545.0,50 MEQ,PO,Q2H,,No,1096,59 +20887416,485952,1,-74,No,No,RESTORIL,1592.0,7.5 MG,PO,HSPRN,,Yes,3415,83 +19875551,485952,929,946,Yes,No,,37109.0,100 ML,IV,0,,No,946,59 +21428089,485952,1,-59,No,No,ATROVENT,57.0,0.5 MG,INH,Q6HPRN,,Yes,3415,14 +19421295,485952,2124,2131,No,No,,807.0,15 G,PO,PRN,,Yes,3415,59 +22576833,485952,1690,1711,Yes,No,,549.0,10 MEQ,IV,Q1HRS,,No,1831,59 +19042889,485952,2124,2131,No,No,DEXTROSE 50% ABBOJECT,926.0,25 G,IV,PRN,,Yes,3415,59 +20862234,485952,248,271,Yes,No,,549.0,10 MEQ,IV,Q1HRS,,No,331,59 +19225970,485952,2124,2131,No,No,GLUCAGEN,19078.0,1 MG,IM,PRN,,Yes,3415,59 +19967904,485952,2124,2131,No,No,DEXTROSE 50% ABBOJECT,926.0,12.5 G,IV,PRN,,Yes,3415,59 +21483820,485952,1688,1684,Yes,No,,6306.0,100 ML,IV,0,,No,1684,59 +21314380,485952,2125,2656,No,No,,26407.0,,SUBQ,,,No,3415,71 +20646952,485952,2125,2356,No,No,NovoLOG Flexpen,20769.0,,SUBQ,AC-HS,,No,3415,71 +22576834,485952,1690,1711,Yes,No,,523.0,,IV,Q1HRS,,No,1831,59 +22576832,485952,1690,1711,Yes,No,,8255.0,100 ML,IV,Q1HRS,,No,1831,59 +20456448,485952,1,-134,Yes,No,,525.0,1000 ML,IV,0,,No,-134,59 +20529360,485952,1,-284,Yes,No,,14772.0,1000 ML,IV,0,,No,-230,59 +20535837,485952,1,-230,Yes,No,,14777.0,1000 ML,IV,0,,No,-230,59 +18715746,533168,1454,1444,No,No,ZESTRIL,,5 MG,PO,DAILY,,No,3148,0 +22118123,533168,3803,3843,No,No,LASIX,,40 MG,IV,DAILY,,No,8693,0 +20551820,533168,1375,1360,No,No,LASIX,,40 MG,IV,QAM,,No,3150,0 +21489235,533168,3879,6723,No,No,K-DUR,,20 MEQ,PO,DAILY,,No,8693,0 +19453859,533168,2783,2783,No,No,SODIUM CHLORIDE 0.9%,,5 ML,IV,AS-DIR,,No,8693,0 +22204690,533168,213,213,No,No,ASPIRIN,,325 MG,PO,DAILY,,No,2940,0 +22437814,533168,1161,1161,No,No,TYLENOL,,650 MG,PO,Q6HPRN,,Yes,8693,0 +20347879,533168,2354,2403,No,No,,,100 MG,PO,DAILY,,No,8693,0 +20090485,533168,6952,6952,No,No,K-DUR,,40 MEQ,PO,,,No,6952,0 +20153850,533168,4,-296,Yes,No,,,,IV,0,,No,-296,0 +31115112,580972,2,-38,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,1495,2 +33806070,580972,2,-38,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,1495,2 +30673700,608373,2744,2786,No,Yes,potassium CHLORIDE 20 mEq in,549.0,20 mEq,IVPB,Q1H X2,,No,2846,59 +31802404,608373,632,629,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,5 mg,IV Push,1XONLY,,Yes,634,41 +34459162,608373,2652,2786,No,Yes,KETOROLAC 30 MG/ML 1ML SDV INJ,5175.0,30 mg,IV Push,,,No,5306,2 +23992349,608373,2744,2786,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,2846,59 +26642325,608373,2635,2627,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,1XONLY,,No,2768,65 +29889065,608375,80,53,No,No,ALBUMIN 25% 100 ML INJ,2728.0,25 Gm,IVPB,1XONLY,,No,62,35 +28355052,608375,1714,1711,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY X1,,No,1756,59 +32809273,608375,1387,1365,No,No,DEXT 5%-NACL 0.45%-KCL 20MEQ LVP,14778.0,"1,000 mL",IV,,,No,1710,59 +31021617,608375,146,141,No,No,NOREPINEPHRINE 8 MG in 250mL NS,36346.0,8 mg,IVPB,,,No,852,32 +29377963,608375,581,575,No,No,ALBUMIN 5% 250 ML INJ,2728.0,12.5 Gm,IV,1XONLY,,No,677,35 +26663229,608375,492,-67,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,852,0 +31448907,608375,146,141,No,No,ALBUMIN 25% 100 ML INJ,2728.0,25 Gm,IVPB,1XONLY,,No,153,35 +30619225,608375,1049,1043,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,13391,2 +34579210,608375,1711,1710,No,No,DEXT 5%-NACL 0.45%-KCL 20MEQ LVP,14778.0,"1,000 mL",IV,,,No,7391,59 +30585254,608375,1049,1039,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,5 mg,IV Push,Q6H,,Yes,13391,41 +32495319,608375,186,180,No,No,ALBUMIN 5% 500 ML INJ,2728.0,25 Gm,IV,1XONLY,,No,204,35 +30113110,608375,226,219,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY X1,,No,227,59 +31810916,608375,1025,1073,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,2266,0 +26877227,608375,1049,1044,No,No,NOREPINEPHRINE 8 MG in 250mL NS,36346.0,8 mg,IVPB,,,No,1418,32 +24137689,639917,24,-252,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,1138,0 +32889854,639917,534,370,No,No,DEXT 5%-NACL 0.45%-KCL 20MEQ LVP,14778.0,"1,000 mL",IV,,,No,2530,59 +25701571,639917,534,521,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY X1,,No,693,59 +30256346,654286,2,-806,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,11375,2 +27152650,654286,2,-363,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,DAILY,,No,11375,59 +25690956,654286,476,475,No,No,ALBUMIN 5% 500 ML INJ,2728.0,25 Gm,IV,1XONLY,,No,512,35 +28199356,654286,43,39,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,5 mg,IV Push,Q6H,,Yes,11375,41 +22935476,654286,2,-45,No,No,,6227.0,40 mg,PO,QHS,,No,11375,41 +35168036,654286,2,-365,No,No,NORCO 5/325 TAB,1730.0,1 Tab,PO,Q4H,,Yes,11375,2 +34012098,654286,2,-365,No,No,POLYETHYLENE GLYCOL 3350 UDPWD,22819.0,17 Gm,PO,DAILY,,Yes,11375,65 +24191695,654286,2,-364,No,No,,4.0,125 mcg,PO,DAILY,,No,11375,38 +31645734,654287,518,512,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q6H,,Yes,10520,2 +26932685,654287,7537,7527,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,2.5 mg,IV Push,,,Yes,7699,41 +26373124,654287,734,730,No,Yes,,5175.0,15 mg,IV Push,,,Yes,7929,2 +27149044,654287,7537,7526,No,No,,5175.0,15 mg,IV Push,1XONLY X1,,Yes,7699,2 +27274750,654287,2937,2934,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,2978,59 +22755710,654287,2615,3420,No,No,,12259.0,5 mg,PO,QHS,,No,10520,32 +26993809,654287,2688,2700,No,No,FOLIC ACID 1 MG TAB,1062.0,1 mg,PO,DAILY,,No,10520,95 +33962601,663910,2117,2211,No,No,ASCORBIC ACID 500 MG TAB,994.0,500 mg,PO,DAILY,,No,4269,95 +23337917,663910,1245,1242,No,No,,2048.0,5 mg,PO,DAILY,,No,4269,99 +24278228,663910,2142,2138,No,No,traMADol 50 MG TAB,8317.0,50 mg,PO,Q4H,,Yes,4269,2 +28316685,663910,818,831,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,891,59 +30405563,663910,-54,-378,No,No,,6072.0,400 mg,IVPB,1XONLY,,No,-143,19 +25083150,663910,-54,-729,No,No,,16196.0,1 app,TOP,1XONLY,,No,-620,5 +31062068,663910,2117,2211,No,No,,744.0,,PO,DAILY,,No,4269,59 +24811069,758779,3,-9641,No,No,,8831.0,100 mg,PO,DAILY,,No,9072,44 +27647686,758779,69,67,No,No,SODIUM CHLORIDE 0.9% 500 ML PB,8255.0,500 mL,IV,1XONLY,,No,383,59 +25138334,758779,1169,1156,No,No,NORCO 5/325 TAB,1730.0,2 Tab,PO,Q4H,,Yes,9072,2 +24851658,758779,3,-4125,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,9072,2 +32940565,758779,3,-7658,No,No,metoCLOPRAMIDE 5 MG/1ML 2ML SDV INJ,2148.0,10 mg,IV,Q6H,,Yes,9072,65 +27673718,758779,3,-333,No,No,SODIUM CHLORIDE 0.9% 250 ML LVP,8255.0,250 mL,IV,,,No,5528,59 +28451597,758779,3,-1353,No,No,POLYETHYLENE GLYCOL 3350 UDPWD,22819.0,17 Gm,PO,DAILY,,No,9072,65 +33000640,758779,3,-2525,No,No,VANCOmycin 1.5 GM in NS 500ML IVPB,10093.0,"1,500 mg",IVPB,QHS,,No,9072,19 +27268355,758779,3,-8189,No,No,,89.0,25 mg,PO,Q6H,,Yes,-7739,41 +26688267,758779,2568,2536,No,No,SODIUM CHLORIDE 0.9% 250 ML LVP,8255.0,250 mL,IV,,,No,9072,59 +25069099,758779,4172,4168,No,No,POLYETHYLENE GLYCOL 3350 UDPWD,22819.0,17 Gm,PO,DAILY,,Yes,9072,65 +35016583,758779,3,-1055,No,No,LORazepam 0.5 MG TAB,4846.0,0.5 mg,PO,Q4H (int),,Yes,9072,80 +23709409,758779,3,-9641,No,No,,1100.0,100 mg,PO,DAILY,,No,9072,11 +24083210,758779,3,-9640,No,No,,26793.0,"1,000 mg",PO,DAILY,,No,9072,65 +30976976,758779,3,-9605,No,No,ATORVASTATIN 40 MG TAB,12404.0,80 mg,PO,QHS,,No,9072,41 +29588466,758779,3,-9637,No,No,zolpiDEM 5 MG TAB,7842.0,5 mg,PO,QHS,,Yes,9072,83 +27136261,758779,3,-9641,No,No,CLOPIDOGREL 75 MG TAB,17539.0,75 mg,PO,DAILY,,No,9072,25 +34226945,758779,3,-8885,No,No,,20974.0,0.5 mg,PO,QAM,,No,9072,72 +25477003,758779,3,-9637,No,No,LORazepam 0.5 MG TAB,4846.0,0.5 mg,PO,Q8H,,Yes,-1053,80 +30720748,758779,3,-7984,No,No,,89.0,25 mg,PO,1XONLY,,No,-7970,41 +25520943,827084,2065,2207,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,5 mg,IV Push,Q6H,,No,2777,41 +27599253,827084,174,227,No,No,,34344.0,400 mg,IVPB,DAILY,,No,5431,23 +22828415,827084,27,-15,No,No,DEXT 5%-NACL 0.45%-KCL 20MEQ LVP,14778.0,"1,000 mL",IV,,,No,203,59 +31229177,827084,43,77,No,No,,6545.0,0.5 mg,NEB,RSPBID,,No,8762,14 +24957187,827085,21,13,No,No,MIDAZOLAM 100 MG in 100 ML NS,24523.0,100 mg,IV,,,No,3882,5 +30589788,827085,21,19,No,No,NOREPINEPHRINE 8 MG in 250mL NS,36346.0,8 mg,IVPB,,,No,1375,32 +24581583,827085,3151,3138,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,1 mg,IV Push,Q1H,,Yes,3882,83 +25764303,827085,60,-96,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,3882,0 +29083780,827086,1000,999,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,0.5 mg,IV Push,1XONLY,,Yes,1034,83 +23018767,827086,1312,1311,No,No,SODIUM CHLORIDE 0.9% 250 ML LVP,8255.0,250 mL,IV,,,No,2916,59 +34580260,827086,424,521,No,No,METOPROLOL 1 MG/ML 5ML SDV INJ,2102.0,5 mg,IV Push,Q6H,,No,1880,41 +31507666,827086,2109,2105,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,0.5 mg,IV Push,1XONLY,,No,2148,83 +27066668,827086,2150,2148,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,0.5 mg,IV Push,1XONLY,,Yes,2213,83 +30843046,827086,1909,1899,No,No,SODIUM CHLORIDE 0.45% 1000 ML LVP,8254.0,"1,000 mL",IV,,,No,4272,59 +27315921,839119,2805,2929,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,2895,59 +27695417,839119,4171,4369,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,4487,59 +27394201,839120,2,-2792,No,No,,89.0,25 mg,PO,Q6H,,Yes,11900,41 +27125722,839120,875,872,No,No,,2073.0,2.5 mg,SVN,Q4H,,Yes,11900,14 +25060488,839120,3307,3303,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,DAILY,,Yes,11900,65 +31915725,839120,3911,3928,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,3988,59 +33396080,839120,2,-25,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,500,2 +26122743,839120,2992,2960,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,1XONLY,,Yes,11900,65 +29856629,839120,3307,3303,No,No,BISACODYL 5 MG EC TAB,1301.0,5 mg,PO,DAILY,,Yes,11900,65 +31231150,839120,2615,2698,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,2707,59 +24757674,839120,2,-1682,No,Yes,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,Q1H X2,,No,-1622,59 +30978067,839120,2,-242,No,No,,2073.0,2.5 mg,SVN,Q4H,,No,872,14 +23225787,839120,503,500,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,11900,2 +29963138,839120,2,-2933,No,No,SODIUM CHLORIDE 0.9% 250 ML LVP,8255.0,250 mL,IV,,,No,2642,59 +30086303,839120,2,-2642,No,No,ALBUTEROL 2.5 MG/0.5ML UD INH SOLN,2073.0,2.5 mg,SVN,Q4H,,No,-322,14 +35184975,839120,2,-2890,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,-26,2 +30250761,842498,883,881,No,No,ALBUMIN 5% 500 ML INJ,2728.0,25 Gm,IV,1XONLY,,No,885,35 +33044234,842498,419,802,No,No,,6312.0,1 drop,Both eyes,QHS,,No,7719,0 +29433707,842499,1,-47,No,No,DEXT 5%-NACL 0.45%-KCL 20MEQ LVP,14778.0,"1,000 mL",IV,,,No,695,59 +34238075,842499,1,-46,No,No,,25277.0,,IV,ONCALL X99,,Yes,2990,2 +28912396,859031,4621,4618,No,No,NORCO 5/325 TAB,1730.0,1 Tab,PO,Q4H,,Yes,11431,2 +24821362,859031,10949,11294,No,No,,89.0,25 mg,PO,TID,,No,11431,41 +25765465,859031,2229,2229,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,2400,59 +27806652,859031,4621,4619,No,No,NORCO 5/325 TAB,1730.0,2 Tab,PO,Q4H,,Yes,11431,2 +23162570,859031,3760,3794,No,No,amLODIPine 5 MG TAB,6494.0,10 mg,PO,DAILY,,No,11431,38 +35179437,859031,8860,9554,No,No,CLOPIDOGREL 75 MG TAB,17539.0,75 mg,PO,DAILY,,No,11431,25 +26523262,859031,8331,8834,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,30 unit(s),SubQ,QHS,,No,8848,71 +26573220,859031,8859,8857,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,,SubQ,QHS,,No,10939,71 +26639876,859031,977,956,No,No,amLODIPine 5 MG TAB,6494.0,5 mg,PO,DAILY,,No,3726,38 +34387171,859031,10946,11714,No,No,INSULIN-GLARGINE *UNIT* INJ,22025.0,30 unit(s),SubQ,QHS,,No,11431,71 +27134146,859032,236,229,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY,,No,249,59 +34544972,859032,2,-364,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,16790,2 +26534782,859032,2,-1465,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,836,2 +32910231,859032,2,-364,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,16790,2 +30567810,859032,2,-927,No,No,,20974.0,0.5 mg,PO,QAM,,No,16790,72 +25197464,859032,2,-1469,No,No,ATORVASTATIN 40 MG TAB,12404.0,80 mg,PO,QHS,,No,16790,41 +23145476,859032,2,513,No,No,ASPIRIN 325 MG EC TAB,1820.0,325 mg,PO,DAILY,,No,16790,2 +31925878,859032,2,-1466,No,No,LORazepam 0.5 MG TAB,4846.0,0.5 mg,PO,TID,,Yes,16790,80 +31542999,859032,2,-927,No,No,,8831.0,100 mg,PO,DAILY,,No,-824,44 +32256262,859032,2,-927,No,No,,1100.0,100 mg,PO,DAILY,,No,-824,11 +32652911,859032,2,-1491,No,No,VANCOmycin 1.5 GM in NS 500ML IVPB,10093.0,"1,500 mg",IVPB,1XONLY,,No,-1258,19 +34097673,869525,2654,2694,No,Yes,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,Q1H X2,,No,2754,59 +23437443,869525,4098,4092,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,4181,59 +33072651,869525,175,172,No,No,ASPIRIN 81 MG EC TAB,1820.0,81 mg,PO,DAILY,,No,4872,2 +24192526,869526,393,415,No,No,"HEPARIN 25,000 unit(s) in D5W 25",2808.0,,IV,1XONLY,,No,396,36 +30231192,869526,4,-140,No,No,,35848.0,2 Gm,IVPB,1XONLY,,No,-90,19 +30192350,869526,4,-106,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,4 mg,IV Push,Q1H,,Yes,110,83 +28805910,869526,2148,2136,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY,,No,2171,59 +30491164,869526,4,-115,Yes,No,SODIUM BICARBONATE 8.4% 50 ML INJ,523.0,3 mL,IV,,,No,21,59 +25803230,869526,4,-79,No,No,PANTOPRAZOLE 40 MG INJ,22008.0,40 mg,IV Push,DAILY,,No,137,65 +31433530,869526,375,354,No,No,"HEPARIN 25,000 unit(s) in D5W 25",2808.0,"25,000 unit(s)",IV,,,No,6861,36 +27692239,869526,4,-106,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,1 mg,IV Push,Q1H,,Yes,7473,83 +30683183,869526,375,356,No,No,"HEPARIN 25,000 unit(s) in D5W 25",2808.0,,IV,1XONLY,,No,387,36 +25097670,869526,363,353,No,No,,159.0,,TOP,,,No,7473,0 +27780446,869526,4,-106,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,3 mg,IV Push,Q1H,,Yes,111,83 +24060451,869526,4,-106,No,No,LORazepam 2 MG/1 ML 1 ML INJ,4846.0,2 mg,IV Push,Q1H,,Yes,7473,83 +34132767,869526,537,529,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY,,No,600,59 +31336614,869526,4,-112,Yes,No,,16908.0,1 mL,IVPB,1XONLY,,No,21,99 +33535564,876429,3,-37,No,No,MORPHINE 4 MG/1 ML 1 ML SYR,1694.0,4 mg,IV Push,Q1H,,Yes,4920,2 +25219499,876429,3,-1395,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,7464,2 +30582896,876429,3,-393,Yes,Yes,SODIUM BICARBONATE 8.4% 50 ML INJ,523.0,1 mL,IV,,,No,-34,59 +28377062,876429,3,1207,No,No,ASPIRIN 325 MG EC TAB,1820.0,325 mg,PO,DAILY,,No,3016,2 +30582894,876429,3,-393,Yes,Yes,DEXTROSE 50% 25 GRAM/50 ML INJ,926.0,1 mL,IV,,,No,-34,59 +34110007,876429,3060,3060,No,No,ASPIRIN 81 MG EC TAB,1820.0,81 mg,PO,DAILY,,No,7464,2 +33217537,876429,3,-37,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,8 mg,IV Push,Q2H,,Yes,7464,2 +23538889,876429,3,-1006,No,No,POLYETHYLENE GLYCOL 3350 UDPWD,22819.0,17 Gm,PO,DAILY,,Yes,-25,65 +30779288,876429,3,-37,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,6 mg,IV Push,Q2H,,Yes,7464,2 +33498785,876429,3,-36,No,No,INSULIN (REGULAR) 100 UNITS in 1,768.0,100 unit(s),IVPB,,,No,3011,71 +29277863,876429,3,-1070,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY,,No,-1001,59 +31120920,876429,1007,1005,No,No,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,1XONLY,,No,1084,59 +31296542,876429,3,-37,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,6 mg,IV Push,Q1H,,Yes,4920,2 +30590397,876429,3,-174,No,Yes,INSULIN (REGULAR) 100 UNITS in 1,768.0,100 unit(s),IVPB,H8,,No,305,71 +29320527,876429,57,67,No,Yes,potassium CHLORIDE 20 mEq in,549.0,20 mEq,IVPB,Q1H X2,,No,127,59 +31897295,876429,225,205,No,No,CALCIUM GLUCONATE 1 GRAM/D5W 50ML,585.0,1 Gm,IVPB,1XONLY,,No,381,59 +31135991,876429,3,-36,No,No,MILK OF MAGNESIA UD LIQ 30 ML,1329.0,30 mL,PO,Q4H,,Yes,7464,65 +29806850,876429,3,-369,No,Yes,PHENYLEPHRINE 40 MG in 250 mL NS,2087.0,40 mg,IV,H8,,No,110,41 +34972092,876429,3,-36,No,No,INSULIN (REGULAR) 100 UNITS in 1,768.0,100 unit(s),IVPB,,,No,3011,71 +29539452,876429,3,-36,No,No,ASPIRIN 300 MG RECT SUPP,1820.0,300 mg,PR,1XONLY,,No,96,2 +34135300,876429,3,-1309,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,-1060,2 +24187016,876429,3,-37,No,No,MORPHINE 4 MG/1 ML 1 ML SYR,1694.0,4 mg,IV Push,Q2H,,Yes,7464,2 +28413472,876429,3,1207,No,No,ASPIRIN 300 MG RECT SUPP,1820.0,300 mg,PR,DAILY,,No,3016,2 +25932907,876429,3,-37,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,8 mg,IV Push,Q1H,,Yes,4920,2 +27839056,876429,3,-293,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,1175,0 +24845561,876429,3,-36,No,No,zolpiDEM 5 MG TAB,7842.0,5 mg,PO,QHS,,Yes,7464,83 +26753706,876429,3,-264,No,Yes,EPINEPHrine 8 MG in 250 mL NS,36437.0,8 mg,IV,H8,,No,215,32 +24562304,876429,3,-36,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,DAILY,,Yes,7464,65 +23780104,876429,3,-996,No,No,ASPIRIN 81 MG EC TAB,1820.0,81 mg,PO,DAILY,,No,-24,2 +34816922,876429,3,4284,No,No,POLYETHYLENE GLYCOL 3350 UDPWD,22819.0,17 Gm,PO,DAILY,,Yes,7464,65 +22728147,876429,3,-1006,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,DAILY,,Yes,29,65 +26159995,876429,3,-1309,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,-1060,2 +34328253,876429,3,-37,No,No,EPINEPHrine 8 MG in 250 mL NS,36437.0,8 mg,IV,,,No,3011,32 +32615477,876429,3,-36,No,No,INSULIN (REGULAR) 100 UNITS in 1,768.0,100 unit(s),IVPB,,,No,3011,71 +25704567,876429,3,-37,No,No,,9744.0,20 mg,IV,,,No,3011,38 +23846923,876429,3,-37,No,No,NOREPINEPHRINE 8 MG in 250mL NS,36346.0,8 mg,IV,,,No,3011,32 +26282315,876429,3,-1395,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,7464,2 +23957904,876429,3,-37,No,No,niCARdipine 40 MG in 200 mL NS RTU-,35779.0,40 mg,IV,,,No,3011,38 +26529812,876429,3,-36,No,Yes,DEXMEDETOMIDINE 200 MCG in 50 mL NS,20971.0,200 mcg,IV,H24,,No,1403,83 +24051316,876429,3,-391,Yes,Yes,SODIUM BICARBONATE 8.4% 50 ML INJ,523.0,1 mL,IV,,,No,-32,59 +24051314,876429,3,-391,Yes,Yes,DEXTROSE 50% 25 GRAM/50 ML INJ,926.0,1 mL,IV,,,No,-32,59 +35181950,876430,3851,3896,No,Yes,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,Q1H X2,,No,3956,59 +30050709,876430,185,5396,No,No,,2812.0,2.5 mg,PO,,,No,4453,36 +23150355,876430,965,1076,No,Yes,potassium CHLORIDE 20 MEQ TR TAB,549.0,40 mEq,PO,,,No,3956,59 +35049504,887139,2478,2478,No,No,potassium CHLORIDE 20 MEQ TR TAB,549.0,20 mEq,PO,1XONLY,,No,2618,59 +23907475,887139,1386,1423,Yes,Yes,,549.0,1 mL,IV,,,No,1603,59 +30048819,887139,1382,1423,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,1483,59 +23907476,887139,1386,1423,Yes,Yes,SODIUM CHLORIDE 0.9% 500 ML PB,8255.0,1 mL,IV,,,No,1603,59 +25498028,887140,2066,2092,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,2152,59 +29841030,887140,3,-5656,No,No,MORPHINE 4 MG/1 ML 1 ML SYR,1694.0,4 mg,IV Push,Q3H,,Yes,31,2 +33512196,887140,3,-5656,No,No,oxyCODONE 5 MG TAB,1742.0,10 mg,PO,Q4H,,Yes,5952,2 +28008705,887140,3,-4868,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,-4808,59 +34217467,887140,3,-4688,No,No,VANCOmycin 750 MG in NS 250 mL IVPB,4042.0,750 mg,IVPB,Q12H (int),,No,-4334,19 +25228456,887140,2066,2092,No,Yes,potassium CHLORIDE 20 mEq in,549.0,20 mEq,IVPB,Q1H X2,,No,2152,59 +28079725,887140,28,-24,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,8 mg,IV Push,Q1H,,Yes,3773,2 +33306809,887140,28,-23,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,5952,2 +23932149,887140,3,-5656,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,6 mg,IV Push,Q3H,,Yes,31,2 +33454806,887140,3,-5656,No,No,oxyCODONE 5 MG TAB,1742.0,5 mg,PO,Q4H,,Yes,5952,2 +25921970,887140,3,-5537,No,No,ALBUTEROL 2.5 MG/0.5ML UD INH SOLN,2073.0,2.5 mg,SVN,RSPQ4H,,Yes,5952,14 +28105674,887140,30,-548,No,No,CHLORHEXIDINE GLUCONATE UD LIQ 15ML,,15 mL,Oral swab,Q12H (int),,No,1580,0 +26124478,887140,28,-23,No,No,acetaMINOPHEN 650MG RECT SUPP,1866.0,650 mg,PR,Q4H,,Yes,5952,2 +34531058,887140,3,-5537,No,No,,57.0,0.5 mg,SVN,RSPQ4H,,Yes,5952,14 +30548042,887140,155,141,No,No,,34805.0,1.5 mg,IV Push,Q1H,,Yes,239,2 +33211243,887140,3,-4808,No,No,ASPIRIN 81 MG EC TAB,1820.0,81 mg,PO,DAILY,,No,5952,2 +30684282,887140,3,-4808,No,No,CLOPIDOGREL 75 MG TAB,17539.0,75 mg,PO,DAILY,,No,-1808,35 +30349330,887140,28,-24,No,No,MORPHINE 10 MG/1 ML 1 ML SYR,1694.0,6 mg,IV Push,Q1H,,Yes,3773,2 +30665635,887140,3,-5301,No,No,diphenhydrAMINE 25 MG CAP,4480.0,25 mg,PO,QHS,,Yes,5952,83 +30969361,887140,30,-23,No,No,MILK OF MAGNESIA UD LIQ 30 ML,1329.0,30 mL,PO,Q4H,,Yes,5952,65 +31100821,887140,3,-2168,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,-2108,59 +28526699,887140,3,-608,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,-548,59 +23261824,887140,60,56,No,No,CALCIUM GLUCONATE 1 GRAM/D5W 50ML,585.0,1 Gm,IVPB,1XONLY,,No,429,59 +30044784,887140,755,772,No,Yes,MAGNESIUM SULFATE 2 GM/50 ML IVPB,610.0,2 Gm,IVPB,Q1H X2,,No,832,59 +33421363,887140,140,100,No,No,,34805.0,2 mg,IV Push,Q1H,,Yes,141,2 +28857309,887140,28,-24,No,No,MORPHINE 4 MG/1 ML 1 ML SYR,1694.0,4 mg,IV Push,Q1H,,Yes,3773,2 +30430222,887140,30,-24,No,No,niCARdipine 40 MG in 200 mL NS RTU-,35779.0,40 mg,IV,,,No,4224,38 +26705731,887140,3,-5657,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,31,2 +23178078,887140,30,-23,No,No,BISACODYL 10 MG RECT SUPP,1301.0,10 mg,PR,DAILY,,Yes,5952,65 +24348127,887140,3,-5588,No,No,VANCOmycin 750 MG in NS 250 mL IVPB,4042.0,750 mg,IVPB,Q12H (int),,No,-5098,19 +31890490,887140,3,-5657,No,No,acetaMINOPHEN 325 MG TAB,1866.0,650 mg,PO,Q4H,,Yes,31,2 +36889708,959746,1137,1108,No,No,Colace,1326.0,100 mg,PO,2xDaily,,Yes,3042,65 +36274873,959746,160,279,No,No,,4212.0,0.5 mL,Subcut,Once,,No,279,92 +36453688,959746,301,294,No,No,Ativan,4846.0,0.5 mg,PO,q2hr,,Yes,3042,80 +35844332,959746,0,-35,No,No,,37328.0,180 mg,PO,Once,,No,-34,35 +36243308,959746,301,294,No,No,Ativan,4846.0,1 mg,IV,q2hr,,Yes,3042,83 +35486986,959746,300,294,No,No,morPHINe,1694.0,1 mg,IV,q2hr,,Yes,3042,2 +36050139,959746,300,294,No,No,morPHINe,1694.0,2 mg,IV,q2hr,,Yes,3042,2 +35738179,959746,299,294,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,3042,2 +36364654,963136,1206,1201,Yes,No,,25386.0,,IV,,,No,2114,2 +36361664,963136,2273,2359,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,3xDaily ac,,No,9726,71 +36918167,963136,2273,2629,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,1xDaily hs,,No,9726,71 +35709960,963136,7948,7940,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,9726,2 +35244685,963136,7948,7940,No,No,morPHINe,1694.0,2 mg,IV,q4hr,,Yes,9726,2 +35689261,963136,7948,7940,No,No,,8255.0,250 mL,IV,,,No,9726,59 +35852690,963136,68,289,No,No,NovoLOG,20769.0,Medium Dose Sliding Scale,Subcut,q4hr,,No,2269,71 +36385338,963136,1,-89,No,No,Levaquin,12383.0,750 mg,IVPB,Once,,No,-89,19 +36308191,963136,2634,2689,Yes,No,,4042.0,,IV,,,No,4953,19 +35705496,963136,1,-87,No,No,Lasix,3660.0,40 mg,IV,Once,,No,-87,56 +36888085,963136,23,469,No,No,Lasix,3660.0,40 mg,IV,2xDaily,,No,577,56 +36873256,963136,32,1189,No,Yes,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,1xDaily hs,,No,0,71 +35425768,963136,32,379,No,Yes,NovoLOG,20769.0,Medium Dose Sliding Scale,Subcut,3xDaily ac,,No,0,71 +35286478,963136,1,-158,No,No,Tylenol,1866.0,650 mg,Rectal,Once,,No,-158,2 +35895823,963136,2446,2689,No,No,,1745.0,20 mg,PO,3xDaily,,No,9726,2 +36913666,963136,3254,3289,No,No,,6323.0,25 mg,PO,2xDaily,,No,7898,41 +36724519,963136,1,-91,No,No,succinylcholine,1948.0,120 mg,IV,Once,,No,-91,32 +36139909,963136,2282,2689,No,No,,8831.0,300 mg,PO,,,No,9726,44 +36894202,963136,2282,3169,No,No,gabapentin,8831.0,,PO,3xDaily,,No,9726,44 +36306935,964782,3,-1063,No,No,,1592.0,15 mg,PO,1xDaily hs,,No,7310,83 +36546846,964782,2320,2857,No,No,Coumadin,2812.0,5 mg,PO,Once,,No,2857,36 +36252067,964782,3,-1142,No,No,Colace,1326.0,100 mg,PO,2xDaily,,Yes,1241,65 +36741786,964782,3,-1142,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,1241,2 +35794354,964782,2896,3817,No,No,Dulcolax Laxative,1301.0,10 mg,Rectal,Once,,No,3817,65 +35679239,964782,931,930,No,No,Versed,34908.0,0.5 mg,IV,Once,,No,931,5 +36474760,964782,3,217,No,Yes,,1592.0,15 mg,PO,1xDaily hs,,No,0,83 +35923049,964782,3,-88,No,No,Tylenol,1866.0,650 mg,PO,Once H2,,Yes,31,2 +35867782,964782,3,-388,No,No,Versed,34908.0,0.5 mg,IV,,,No,112,5 +36916958,964782,2298,2284,No,Yes,Coumadin,2812.0,5 mg,PO,Once,,No,2284,36 +36410996,964782,2389,2437,No,No,Dulcolax Laxative,1301.0,10 mg,Rectal,Once,,No,2894,65 +36033761,964782,66,65,No,No,morPHINe,1694.0,2 mg,IV,q2hr,,Yes,7310,2 +35500493,964782,3,-1142,No,No,Milk of Magnesia,1329.0,30 mL,PO,2xDaily,,Yes,1241,65 +35337172,964782,3,-116,No,No,Versed,34908.0,1 mg,IV,Once,,No,-115,5 +36306825,964782,200,193,No,No,morPHINe,1694.0,4 mg,IV,q4hr,,Yes,1242,2 +36512234,964782,200,847,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,3xDaily ac,,No,7311,71 +35280508,965083,320,828,No,No,Lipitor,12404.0,40 mg,PO,1xDaily hs,,No,7929,41 +35591798,965083,1,-99,Yes,No,,3996.0,1 g,IVPB,Once,,No,-99,19 +35535109,965083,139,134,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,7929,2 +35988512,965083,139,135,No,No,,206.0,5 mL,PO,q4hr,,Yes,7929,50 +36703479,965083,1,-99,No,No,Lasix,3660.0,40 mg,IVP,Once,,No,-99,56 +36059157,965083,139,258,No,No,NovoLOG,20769.0,Medium Dose Sliding Scale,Subcut,3xDaily ac,,No,4558,71 +36269437,965083,139,135,No,No,Ativan,4846.0,0.5 mg,PO,2xDaily,,Yes,7929,80 +36506658,965083,6029,6029,No,No,Coreg,13795.0,3.125 mg,PO,2xDaily,,No,7929,41 +36779540,965083,139,828,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,1xDaily hs,,No,4558,71 +36011274,965083,134,588,No,No,Lasix,3660.0,40 mg,IV,2xDaily,,No,4546,56 +36139282,965083,3041,3036,No,No,morPHINe,1694.0,,IV,q4hr,,Yes,7929,2 +36519713,970328,11,-5847,No,No,,8255.0,10 mL,IV,,,No,2977,59 +36751377,970328,604,598,No,No,Tylenol,1866.0,650 mg,Rectal,q4hr,,Yes,6432,2 +35809389,970328,11,-7020,No,No,,609.0,400 mg,PO,3xDaily,,No,3089,59 +36351842,970328,438,437,No,No,,4297.0,15 mL,TOP,Once,,No,437,86 +35717369,970328,11,-7320,No,No,,2863.0,25 mg,Rectal,2xDaily,,No,6432,65 +35758202,970328,604,598,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,2977,2 +35929917,970328,11,-7427,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,518,2 +36032799,970328,11,-3089,No,No,Lasix,3660.0,40 mg,IV,Once,,No,-3089,56 +35709453,970328,11,-5847,No,No,,8255.0,250 mL,IV,,,No,-1315,59 +35251665,970328,11,-7320,No,No,,1339.0,,PO,2xDaily,,No,6432,65 +36914897,970328,214,209,No,No,,936.0,"1,000 mL",IV,,,No,2977,59 +36790865,970328,11,-7320,No,No,,35604.0,75 mg,PO,2xDaily,,No,-4363,36 +36824134,970328,3103,3540,No,No,,609.0,200 mg,PO,3xDaily,,No,6432,59 +35361904,970328,11,-2280,No,No,,11814.0,2.5 mg,PO,2xDaily,,No,67,80 +36019566,970329,1021,1017,No,No,,35604.0,150 mg,PO,2xDaily,,No,3248,36 +36893238,970720,2821,2819,Yes,No,,8643.0,25000 unit(s),IV,,,No,8676,36 +35875900,970720,15205,15268,No,No,potassium chloride,549.0,40 mEq,PO,Once,,No,15268,59 +36421527,970720,6940,7048,No,No,,6494.0,10 mg,PO,Once,,No,7048,38 +35539450,970720,15205,15191,No,No,potassium chloride,549.0,40 mEq,PO,Once,,No,15191,59 +35304707,970720,9838,9804,No,No,Tylenol,1866.0,650 mg,PO,Once,,Yes,15535,2 +35329780,970720,9818,9802,No,No,midazolam,34908.0,1 mg,IV,Once,,No,9804,5 +36651564,970720,2487,3358,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,3xDaily ac,,No,15535,71 +35540516,970720,9731,9721,No,No,Versed,34908.0,0.5 mg,IV,,,No,9804,5 +35871565,970720,9730,9721,No,No,,8255.0,500 mL,IV,,,No,9804,59 +36334687,970720,2821,2819,No,No,heparin,2810.0,,IV,Once,,No,2819,36 +35614399,970720,56,568,No,No,,36856.0,0.5 mL,IM,Once,,No,568,92 +35465345,970720,3477,3508,Yes,No,,3996.0,1 g,IV,,,No,8145,19 +35679550,970720,3806,3804,No,No,,8255.0,"1,000 mL",IV,Once,,No,3892,59 +35676048,970720,2,28,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,q4hr,,No,2479,71 +36600689,970720,2487,2728,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,1xDaily hs,,No,15535,71 +36123760,970720,5282,5270,No,No,morPHINe,1694.0,2 mg,IV,q2hr,,Yes,15535,2 +36039819,970720,718,1288,No,No,,11505.0,,PO,1xDaily hs,,No,15535,80 +36539105,970720,718,707,No,No,,1040.0,10 mg,PO,Once,,No,707,95 +36628999,972876,1159,1153,No,No,potassium chloride,549.0,20 mEq,PO,Once,,No,1153,59 +36761562,972876,132,335,No,No,,6312.0,40 mg,PO,1xDaily hs,,No,1618,41 +35892572,972877,1,-456,No,No,Dilaudid,34805.0,0.5 mg,IV,Once,,No,-456,2 +35984337,972877,1,-427,No,No,,768.0,5 unit(s),IV,Once,,No,-427,71 +36497366,972877,1,-427,No,No,,768.0,,Subcut,Once,,No,-427,71 +36033343,972877,1,-334,Yes,No,,768.0,100 unit(s),IV,,,No,1772,71 +36034122,972877,1,-334,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,3674,2 +36549215,972877,1,-456,No,No,,5175.0,30 mg,IV,Once,,No,-456,2 +35584547,972877,1,-399,No,No,,768.0,5 unit(s),IV,Once,,No,-399,71 +35540816,972877,1,-313,Yes,No,,768.0,100 unit(s),IV,,,No,1772,71 +35307319,972877,1780,2390,No,No,NovoLOG,20769.0,Low Dose Sliding Scale,Subcut,1xDaily hs,,No,3674,71 +35666459,972877,1780,1820,No,No,NovoLOG,20769.0,Medium Dose Sliding Scale,Subcut,3xDaily ac,,No,3674,71 +35821076,976722,9,158,No,No,Lipitor,12404.0,40 mg,PO,1xDaily hs,,No,5518,41 +35846435,976722,77,68,Yes,No,,33594.0,,IV,,,No,2584,38 +35572766,976722,1154,1149,No,No,,26809.0,2 g,IVPB,,,No,5518,19 +36467271,976722,9,3,No,No,Colace,1326.0,100 mg,PO,2xDaily,,Yes,5518,65 +35659705,976722,2588,2556,Yes,No,,2084.0,5 mg,IV,Once,,No,2556,50 +36381651,976722,2603,2587,No,No,amiodarone,83.0,400 mg,PO,3xDaily,,No,5518,38 +35400447,976722,15,158,No,No,,37328.0,90 mg,PO,2xDaily,,No,5518,35 +35270586,976722,2554,2512,No,No,midazolam,34908.0,2 mg,IV,Once,,No,2512,5 +35330373,976722,9,3,No,No,Tylenol,1866.0,650 mg,PO,q4hr,,Yes,5518,2 +35525045,976722,39,28,Yes,No,,33594.0,,IV,,,No,75,38 +36795623,976722,1,-143,No,No,,83.0,150 mg,IV,Once,,No,-143,38 +36863726,976722,2588,2572,No,No,propofol,4842.0,,IV,Once,,No,2572,5 +36529718,976722,1154,1151,No,No,Lasix,3660.0,40 mg,IV,Once,,No,1151,56 +36530553,976722,1155,1151,No,No,potassium chloride,549.0,20 mEq,PO,,,No,1897,59 +37779898,1058166,10,-23,Yes,No,,4842.0,1000 mg,IV,,,No,216,5 +37490147,1058166,163,289,Yes,No,,3976.0,,IVPB,,,No,7880,19 +37515724,1058166,3,-10211,No,No,insulin aspart Corrective dosing,20769.0,,Subcutan,AC+HS,,No,-8461,71 +37361903,1058166,163,277,No,No,,2810.0,,IC Dwell,Once,,Yes,344,36 +37730231,1058166,6977,7092,No,No,,2810.0,,IC Dwell,Once,,Yes,7541,36 +37496365,1058166,3,-10262,No,No,potassium chloride,549.0,20 mEq,PO,Once,,No,-10254,59 +37411507,1058166,399,389,No,No,Ativan,4846.0,1 mg,IV,Once,,No,394,83 +37529049,1058166,10,-23,Yes,No,,768.0,,IV,,,No,7880,71 +37753326,1058166,232,219,Yes,No,PRMX NOREPInephrine 4 mg/250 mL NS Drip,36346.0,4 mg,IV,,,No,2476,32 +37801961,1058166,5599,5584,No,No,Versed,1619.0,2 mg,IV,Once,,No,5621,5 +37517041,1058166,3986,4069,No,No,amLODIPine,6494.0,5 mg,PO,qDay,,No,7880,38 +37268217,1058166,4281,4393,No,No,,2810.0,,IC Dwell,Once,,Yes,4485,36 +37154364,1058166,1110,1189,No,No,famotidine,35085.0,20 mg,IV,,,No,1189,65 +37628063,1058166,2646,2630,No,No,ALPRAZolam,1617.0,0.25 mg,PO,Once,,Yes,7880,80 +37480784,1058166,10,-23,No,No,morphine,1694.0,1 mg,IV,q2hr,,Yes,7880,2 +37050367,1058166,3,-8351,Yes,Yes,,25673.0,600 mg,IVPB,,,No,0,19 +37669504,1058166,2646,2630,No,No,HYDROmorphone,1695.0,0.25 mg,IV,PRN X1,,Yes,7880,2 +37524066,1058166,3,-2961,No,No,,2810.0,,IC Dwell,Once,,Yes,-2907,36 +37276491,1058166,10,229,No,No,,3385.0,1 apply,Nasal,BID X10,,No,2631,0 +37438998,1058166,10,-23,No,No,HYDROmorphone,1695.0,0.25 mg,IV,q5min,,Yes,1042,2 +37087965,1058166,3,-1211,No,No,,3385.0,1 apply,Nasal,BID X10,,No,163,0 +37126148,1058166,2881,2879,No,No,furosemide,3660.0,160 mg,IV,Once,,No,2973,56 +37335009,1058166,3,-9521,Yes,No,,25673.0,,IVPB,,,No,-6641,19 +37349446,1058166,3,-5253,No,No,,2810.0,,IC Dwell,Once,,Yes,-5231,36 +37681044,1058166,3,-357,Yes,No,,2802.0,,IVPB,Once,,No,1105,35 +37708229,1058166,3,-4632,No,No,midazolam,1619.0,1 mg,IV,,,Yes,-4513,5 +37233212,1058166,3,-10331,No,No,amLODIPine,6494.0,10 mg,PO,qDay,,No,1103,38 +37193496,1058166,3,-10964,No,No,potassium chloride,549.0,20 mEq,PO,Once,,No,-10939,59 +37544059,1063405,26519,26504,No,No,potassium chloride,549.0,20 mEq,PO,Once,,No,26529,59 +37671292,1063405,25067,25067,Yes,No,,16695.0,20 mmol,IVPB,Once,,No,25202,59 +37049778,1063405,19138,19101,No,No,hydrALAZINE,89.0,10 mg,IV,Once,,No,19146,41 +37391165,1063405,10846,10845,No,No,,37678.0,150 mg,IV,Once,,No,10889,38 +37755647,1063405,21229,21480,No,No,insulin aspart Corrective dosing,20769.0,,Subcutan,AC+HS,,No,24144,71 +37153871,1063405,7368,7365,No,No,Tylenol,1866.0,650 mg,PO,Once,,No,7372,2 +37461273,1063405,11300,11282,Yes,No,PRMX NOREPInephrine 4 mg/250 mL NS Drip,36346.0,4 mg,IV,,,No,11513,32 +37295948,1063405,8374,8370,No,No,,20769.0,,Subcutan,Once,,No,12330,71 +37769182,1063405,2,0,No,No,,8738.0,,IVPB,,,No,0,19 +37626056,1063405,2242,2239,No,No,furosemide,3660.0,200 mg,IV,Once,,No,2265,56 +37240699,1063405,10841,10831,No,Yes,amiodarone,83.0,150 mg,IV,Once,,No,10831,38 +37782596,1063405,6574,6546,No,No,,2803.0,60 mg,I-pleural,Once,,No,6663,0 +37628247,1063405,16772,16769,No,No,,2803.0,2 mg,IV,Once,,No,17083,35 +37223562,1063405,13759,13815,Yes,No,,540.0,20 mmol,IVPB,Once,,No,13922,59 +37782597,1063405,6574,6546,No,No,,2803.0,16 mg,I-pleural,Once,,No,6663,0 +37174466,1063405,19913,19967,Yes,No,,540.0,20 mmol,IVPB,Once,,No,19998,59 +37625983,1063405,1151,2280,No,No,famotidine,4521.0,20 mg,PO,qDay,,No,4089,65 +37685162,1063405,2642,2756,No,No,,2810.0,,IC Dwell,Once,,Yes,2961,36 +37442234,1063405,2,840,No,Yes,amLODIPine,6494.0,10 mg,PO,qDay,,No,0,38 +37064971,1063405,2,-129,Yes,No,,768.0,,IV,,,No,-125,71 +37435735,1063405,12744,12739,No,No,midazolam,1619.0,2 mg,IV,Once,,No,12747,5 +37072183,1063405,7,180,No,No,,32900.0,,IVPB,,,No,10379,19 +37756727,1063405,15297,15296,No,No,Versed,1619.0,1 mg,IV,Once,,No,15305,5 +37750019,1063405,11771,11767,Yes,No,,768.0,,IV,,,No,24144,71 +37209637,1063405,8363,8520,No,No,insulin aspart Corrective dosing,20769.0,,Subcutan,AC+HS,,No,24144,71 +37079600,1063405,11514,11502,Yes,No,,35587.0,25 mg,IV,,,No,12197,41 +37330786,1063405,7717,7711,Yes,No,,35587.0,25 mg,IV,,,No,11513,41 +37038712,1063405,21027,21000,No,No,,34106.0,500 mg,NG-tube,,,No,21480,59 +37235359,1063405,14109,14097,No,No,,8255.0,"1,000 mL",IV,,,No,14342,59 +37632308,1063405,2,-101,No,No,,2810.0,,IC Dwell,Once,,Yes,20,36 +37026731,1063405,21195,21129,No,No,amLODIPine,6494.0,10 mg,PO,qDay,,No,28773,38 +37082827,1063405,11618,11595,No,No,sodium bicarbonate,523.0,,IV,Once,,No,11818,59 +37179286,1063405,5320,11580,Yes,No,,3976.0,,IV,,,No,11009,19 +37080422,1063405,15396,15447,Yes,No,,540.0,,IVPB,Once,,No,15491,59 +37346059,1063405,2550,2545,Yes,No,,2087.0,100 mg,IV,,,No,4091,41 +37446972,1063405,17372,17367,No,No,,2810.0,,IC Dwell,Once,,No,17404,36 +37495348,1063405,28059,28055,No,No,potassium chloride,549.0,20 mEq,PO,Once,,No,28429,59 +37636237,1063405,11651,11645,No,No,sodium bicarbonate,523.0,,IV,Once,,No,12039,59 +37191703,1063405,11514,11502,Yes,No,PRMX NOREPInephrine 4 mg/250 mL NS Drip,36346.0,4 mg,IV,,,No,22371,32 +37608416,1063405,12866,12856,No,No,midazolam,34908.0,2 mg,IV,Once,,No,12896,5 +37789413,1063405,1596,1573,No,No,amLODIPine,6494.0,10 mg,PO,qDay,,No,5088,38 +37602413,1063405,15798,15754,No,No,potassium chloride,549.0,40 mEq,PO,Once,,No,15842,59 +37608415,1063405,12866,12856,No,No,midazolam,1619.0,2 mg,IV,Once,,No,12896,5 +37113086,1063405,11,840,No,No,,4042.0,,IV,qDay,,No,10379,19 +37124064,1063405,11622,11620,Yes,No,,2050.0,4 mg,IV,,,No,21790,32 +37759077,1063405,11499,11491,No,No,Ativan,4846.0,2 mg,IV,Once,,No,11558,83 +37383990,1063405,22648,22626,No,No,amLODIPine,6494.0,5 mg,PO,Once,,No,22649,38 +37739216,1063405,2,180,No,No,famotidine,35085.0,20 mg,IV,,,No,180,65 +37754027,1063405,2,-264,No,No,morphine,1694.0,2 mg,IV,Once,,Yes,-251,2 +37164293,1063405,11622,11618,No,No,sodium bicarbonate,523.0,,IV,Once,,No,11819,59 +37394292,1063405,11154,11113,No,No,,2810.0,,IC Dwell,Once,,No,11187,36 +37192373,1063405,2,-28,Yes,No,,523.0,150 mEq,IV,,,No,1154,59 +37629026,1063405,14010,13998,No,No,,8255.0,"1,000 mL",IV,X1,,No,14057,59 +37170215,1063405,15313,15305,No,No,Ativan,4846.0,1 mg,IV,Once,,No,15377,83 +37316154,1063405,21027,21024,Yes,No,,540.0,20 mmol,IVPB,Once,,No,21102,59 +37232927,1063405,10934,10933,Yes,No,,22008.0,80 mg,IV,,,No,13243,65 +37753246,1073098,563,562,Yes,No,,22008.0,80 mg,IV,,,No,2475,65 +37714163,1073098,14,14,No,No,succinylcholine,1948.0,100 mg,IV,Once,,No,62,32 +37155353,1073098,7,-75,No,No,heparin,2810.0,,IV,PRN,,Yes,659,36 +37519791,1073098,768,1959,No,No,,4042.0,,IV,qDay,,No,2474,19 +37372822,1073098,1064,1025,Yes,No,,523.0,150 mEq,IV,,,No,1060,59 +37614722,1073098,1618,1601,No,No,,618.0,"1,000 mL",IV,X1,,No,1660,59 +37549708,1073098,15,-3,Yes,No,PRMX NOREPInephrine 4 mg/250 mL NS Drip,36346.0,4 mg,IV,,,No,644,32 +37076566,1073098,1064,1024,Yes,No,,523.0,150 mEq,IV,,,No,1060,59 +37625302,1073098,555,543,No,No,sodium bicarbonate,523.0,100 mEq,IV,Once,,No,560,59 +37687806,1073098,7,-75,No,No,heparin,2810.0,,IV,Once,,No,-60,36 +37720679,1073098,421,409,No,No,sodium bicarbonate,523.0,50 mEq,IV,Once,,No,435,59 +37334931,1073098,1939,1929,No,No,sodium bicarbonate,523.0,50 mEq,IV,Once,,No,1976,59 +37257441,1073098,525,491,No,No,,618.0,"1,000 mL",IV,X2,,No,610,59 +37318591,1073098,544,544,Yes,No,,523.0,150 mEq,IV,,,No,2475,59 +37800756,1073098,1018,1010,No,No,sodium bicarbonate,523.0,100 mEq,IV,Once,,No,1030,59 +37035737,1073098,525,493,Yes,No,,2051.0,16 mg,IV,,,No,2475,32 +37069735,1073098,7,-265,No,No,morphine,1694.0,4 mg,IV,Once,,Yes,-242,2 +37216420,1073098,351,344,No,No,"LR 1,000 mL",525.0,"1,000 mL",IV,X1,,No,400,59 +37799953,1073098,7,-116,Yes,No,,768.0,,IV,,,No,143,71 +37180054,1073098,421,409,No,No,sodium bicarbonate,523.0,50 mEq,IV,Once,,No,435,59 +37357615,1073098,1700,1680,No,No,sodium bicarbonate,523.0,50 mEq,IV,Once,,No,1745,59 +37065830,1073098,1777,1742,Yes,No,,585.0,2 gm,IVPB,Once,,No,1812,59 +37252786,1073098,119,219,No,No,insulin aspart Corrective dosing,20769.0,,Subcutan,q4hr,,No,2475,71 +38102020,1091677,26,25,No,No,,549.0,,MC,X1,,No,25,99 +39471515,1091677,3,-1510,No,No,,12404.0,10 MG,PEG,BEDTIME,,No,0,41 +40379199,1091677,3,-1522,No,No,,2812.0,5 MG,PEG,,,No,0,36 +38252632,1091677,3,-1519,No,No,,33598.0,4 MG,IVP,,,Yes,0,65 +38867164,1101375,43267,43571,No,No,"hEParin inj 5,000 Units",33314.0,"5,000 Units",SUBQ,,,No,43592,36 +39940420,1101375,44729,44756,No,No,NSS infusion,8255.0,100 mL/hr,IV,CONTINUOUS,,No,44732,59 +38766530,1101375,24016,24041,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,24102,59 +39839543,1101375,32855,32861,No,No,bisacodyl (DULCOLAX) supp 10 mg,1301.0,10 mg,PR,ONCE X1,,No,32929,65 +40754133,1101375,1,131,No,No,sodium chloride 0.9 % flush peripheral lok 3 mL,8255.0,3 mL,IV PUSH,Q8H,,No,2984,59 +39968100,1101375,11929,11951,No,No,potassium CHLORide liquid 20 mEq,549.0,20 mEq,NGT,ONCE X1,,No,11951,59 +40538734,1101375,18393,18401,No,No,,20971.0,,IV,CONTINUOUS,,No,19817,83 +39399443,1101375,44732,44756,No,No,NSS infusion,8255.0,100 mL/hr,IV,CONTINUOUS,,No,45115,59 +37913854,1101375,5381,5396,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,5477,59 +39703633,1101375,1920,1946,No,No,propofol 1% inj,4842.0,5 mcg/kg/min,IV,CONTINUOUS,,No,2570,5 +39537184,1101375,6900,6911,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,7021,59 +38838678,1101375,3055,3491,No,No,,2888.0,4 mg,IV,Q6H,,No,6897,68 +40693944,1101375,22751,22766,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,22766,59 +39367328,1101375,47583,47606,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,47606,59 +39871110,1101375,44720,44741,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,44721,59 +39393433,1101375,1,-94,No,No,,8963.0,60 mg,IV,ONCE X1,,No,-97,32 +38770088,1101375,36038,36026,No,No,albuterol-ipratropium (DUONEB) inhalation solution 3 mL,9040.0,3 mL,NEBULIZER,Q4H PRN,,Yes,53467,14 +39510790,1101375,7243,7256,Yes,No,CALCIUM GLUCONATE 10 % IV SOLN 10ML,585.0,10 mL,IVPB,ONCE X1,,No,7327,59 +38910096,1101375,16902,16916,No,No,,187.0,3 mL,INDUCED SPUT,ONCE X1,,No,16990,99 +39564026,1101375,1,-32,No,No,,1866.0,650 mg,PO,Q4H PRN,,Yes,4030,2 +39967559,1101375,23971,24131,No,No,,532.0,1 Packet,PO,TID X3,,No,24963,59 +38595319,1101375,16875,16901,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,16963,59 +38780948,1101375,19503,19526,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,19391,59 +39926674,1101375,18393,18401,No,No,,11582.0,2 mg,NGT,Q6H,,No,19818,77 +40635316,1101375,48753,49091,No,No,"hEParin inj 5,000 Units",33314.0,"5,000 Units",SUBQ,Q8H,,No,50262,36 +40279713,1101375,21132,21146,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,21212,59 +37942971,1101375,1,131,No,No,sodium chloride 0.9 % flush peripheral lok 3 mL,8255.0,3 mL,IV PUSH,QSHIFT,,No,2984,59 +40319042,1101375,17035,17051,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,17043,59 +40357945,1101375,23724,23741,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,23741,59 +38461135,1101375,21565,21581,No,No,,4842.0,50 mg,IV PUSH,ONCE X1,,No,21551,5 +38126815,1101375,11591,11606,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,11600,59 +38454810,1101375,19772,19796,No,No,potassium CHLORide liquid 20 mEq,549.0,20 mEq,NGT,ONCE X1,,No,19793,59 +38136244,1101375,13909,13931,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,13931,59 +37968129,1101375,49040,49046,No,No,docusate sodium (COLACE) oral liquid 100 mg,1326.0,100 mg,NGT,BID PRN,,Yes,53467,65 +38702938,1101375,44661,44681,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,44676,59 +40602045,1101375,18448,18476,No,No,NSS 0.9% 500 mL bolus infusion,8255.0,500 mL,IV,ONCE X1,,No,18455,59 +40021432,1101375,4997,5021,No,No,,4842.0,4 mL,IV PUSH,ONCE X1,,No,5021,5 +40023321,1101375,6900,7331,No,No,,2888.0,4 mg,IV,Q8H,,No,12471,68 +40341241,1101375,14267,14771,No,No,,2888.0,4 mg,IV,,,No,14754,68 +40155970,1101375,28755,28781,No,No,,1478.0,,ORAL MUCOSA,ONCE X1,,No,29023,5 +39859764,1101375,4039,4061,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,4159,59 +38412058,1101375,21565,21581,No,No,,1555.0,50 mg,IV PUSH,ONCE X1,,No,21521,5 +38737948,1101375,1056,1091,No,No,potassium chloride 10 mEq in 100 mL ivpb **LOCKED DOSE,549.0,10 mEq,PERIPH IV,Q1H X2,,No,1249,59 +40532377,1101375,25579,25631,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,25804,59 +38766219,1101375,6969,7091,No,No,,1866.0,650 mg,NGT,Q6H,,No,19805,2 +40177950,1101375,37132,37151,Yes,No,,1694.0,4 mL,IV,CONTINUOUS,,No,40477,2 +37932901,1101375,25704,25721,Yes,No,INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,CONTINUOUS,,No,32995,71 +39767587,1101375,21547,21551,No,No,fentaNYL 2000 mcg in D5W 100 mL INFUSION Final Conc = 20 mcg/mL,25386.0,50 mcg/hr,IV,CONTINUOUS,,No,22757,2 +37850159,1101375,25703,25696,No,No,dextrose 50 % inj,926.0,,IV PUSH,PRN,,Yes,36038,59 +37989812,1101375,6969,6968,No,No,albuterol sulfate (PROVENTIL) (2.5 MG/3ML) 0.083% inhalation solution 2.5 mg,2073.0,2.5 mg,NEBULIZER,Q4H PRN,,Yes,32650,14 +40008414,1101375,8242,8291,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,8500,59 +39549493,1101375,21565,21581,No,No,,4842.0,5 mL,IV PUSH,ONCE X1,,No,21521,5 +40447387,1101375,1138,1151,No,No,,33592.0,1 mL,ID,ONCE X1,,No,1241,5 +39922698,1101375,28406,28451,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,28570,59 +39683473,1101375,44632,44651,No,No,,1619.0,3 mg,IV PUSH,ONCE X1,,No,44651,5 +39998059,1101375,9682,9731,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,9965,59 +40026516,1101375,19749,19811,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,19991,59 +38899654,1101375,21565,21851,No,No,albuterol-ipratropium (DUONEB) inhalation solution 3 mL,9040.0,3 mL,NEBULIZER,,,No,36021,14 +40122897,1101375,32692,32686,No,No,bisacodyl (DULCOLAX) supp 10 mg,1301.0,10 mg,PR,DAILY PRN,,Yes,32852,65 +38975899,1101375,47577,47606,No,No,,8963.0,60 mg,IV,ONCE X1,,No,47521,32 +38216606,1101375,1138,1151,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q1H X2,,No,1340,59 +39428179,1101375,7082,7091,No,No,,532.0,1 Packet,PO,TID X3,,No,7626,59 +40727423,1101375,47577,47606,No,No,,1555.0,100 mg,IV PUSH,ONCE X1,,No,47582,5 +40693195,1101375,40354,40376,No,No,propofol 1% inj,4842.0,,IV,CONTINUOUS,,No,44365,5 +39045650,1101375,14127,14291,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,Q6H X4,,No,15438,59 +38475847,1101375,41,56,No,No,propofol 1% inj,4842.0,5 mcg/kg/min,IV,CONTINUOUS,,No,1919,5 +39245856,1101375,47577,47591,No,No,,4842.0,100 mg,IV PUSH,ONCE X1,,No,47521,5 +40525056,1101375,47701,47771,No,No,,517.0,,TF,,,No,47716,0 +39016088,1101375,19824,19931,No,No,,11582.0,2 mg,NGT,Q6H,,No,21559,77 +38372271,1101375,6938,6956,No,No,potassium CHLORide liquid 20 mEq,549.0,20 mEq,NGT,ONCE X1,,No,6956,59 +39230346,1101375,18392,18401,No,No,magnesium sulfate 1 g in d5w 100mL **LOCKED DOSE,6306.0,1 g,IVPB,ONCE X1,,No,18477,59 +39282584,1101375,7427,7451,No,No,,20971.0,,IV,CONTINUOUS,,No,14114,83 +38373015,1101375,14121,14141,No,No,,20971.0,,IV,CONTINUOUS,,No,18376,83 +40687570,1101375,4529,4556,No,No,ceFAZolin (ANCEF) in Dextrose ivpb 2 g,3976.0,2 g,IVPB,,,No,5046,19 +38382352,1101375,4030,4030,No,No,,1866.0,650 mg,NGT,Q4H PRN,,Yes,6965,2 +38407895,1101375,2575,2591,No,No,propofol 1% inj,4842.0,5 mcg/kg/min,IV,CONTINUOUS,,No,6891,5 +40471295,1101375,26090,26111,No,No,propofol 1% inj,4842.0,,IV,CONTINUOUS,,No,26099,5 +40031440,1131174,5,-85,No,No,,2102.0,,ORAL,,,No,27,41 +39539717,1131174,544,539,No,No,,8255.0,,INTRAVENOUS CONTINUOUS,,,No,2508,59 +38812442,1131174,1166,1708,No,No,,2102.0,,ORAL,,,No,2508,41 +40052915,1131174,1166,1159,No,No,,132.0,,ORAL,DAILY,,No,2508,41 +41975512,1226362,75,71,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,1 mg,IV,Q1H PRN,,Yes,1692,2 +41485097,1226362,2,2186,No,No,,12383.0,750 mg,IV,Q48H,,No,38,20 +43397322,1226362,71,101,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,100 mL/hr,IV,Continuous,,No,1425,59 +41562146,1226362,75,74,No,No,1 ml crtrdg-ndl : lorazepam 2 mg/ml ij soln,4846.0,1 mg,IV,Q4H PRN,,Yes,272,83 +43719435,1226362,13243,13406,No,No,,182.0,30 mg,PO,Q6H,,No,22582,38 +42667008,1226362,76,71,No,No,,1694.0,3 mg,IV,Q1H PRN,,Yes,272,2 +44532294,1226362,10215,10526,No,No,,182.0,90 mg,PO,Q6H,,No,11444,38 +42909822,1226362,2,326,No,No,,2876.0,80 mg,IV,,,No,38,68 +41021262,1226362,400,446,Yes,No,,8738.0,4.5 g,IV,Q8H,,No,7342,20 +45489172,1226362,2036,2066,No,No,100 ml plas cont : potassium chloride 10 meq/100ml iv soln,549.0,10 mEq,IV,Q1H X2,,No,2189,59 +45585643,1226362,7730,7766,No,No,,182.0,30 mg,PO,Q6H,,No,8575,38 +42230438,1226362,15804,15836,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,50 mL/hr,IV,Continuous,,No,17258,59 +43899900,1226362,75,71,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,2 mg,IV,Q1H PRN,,Yes,1692,2 +43166904,1226362,2,686,Yes,No,,3996.0,1 g,IV,Q24H SCH,,No,392,20 +43200667,1226362,17359,17359,No,No,,,1.25 mg,NEBULIZATION,Q1H PRN,,Yes,22307,0 +45327696,1226362,284,271,No,No,1 ml crtrdg-ndl : lorazepam 2 mg/ml ij soln,4846.0,0.5 mg,IV,Q4H PRN,,Yes,1692,83 +43588806,1226362,1435,1433,No,No,,4212.0,0.5 mL,IM,,,Yes,20087,92 +44053212,1226362,8579,8576,No,No,,182.0,60 mg,PO,Q6H,,No,10212,38 +45317204,1226362,1684,2126,No,No,,13455.0,0.5 mg,PO,QHS,,No,20087,29 +43564746,1226362,15805,15793,No,No,,1694.0,3 mg,IV,Q1H PRN,,Yes,22582,2 +42322822,1226362,11375,11374,No,No,acetaminophen 325 mg po tabs,1866.0,650 mg,PO,Q4H PRN,,Yes,22582,2 +45484053,1226362,15805,15793,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,1 mg,IV,Q1H PRN,,Yes,22582,2 +41672341,1226362,1683,1674,No,No,oxycodone-acetaminophen 5-325 mg po tabs,1741.0,1 tablet,PO,Q4H PRN,,Yes,1692,2 +41945117,1226362,20445,20471,No,No,,915.0,75 mL/hr,IV,Continuous,,No,22582,59 +45258967,1226362,15804,15793,No,No,1 ml crtrdg-ndl : lorazepam 2 mg/ml ij soln,4846.0,1 mg,IV,Q1H PRN,,Yes,22582,83 +41905506,1226362,10215,10256,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,75 mL/hr,IV,Continuous,,No,13223,59 +43405315,1226362,14514,14546,Yes,No,,8738.0,,IV,Q8H,,No,20087,20 +44655168,1226362,11448,11606,No,No,,182.0,60 mg,PO,Q6H,,No,13223,38 +42514718,1226362,349,386,No,No,,2876.0,125 mg,IV,TID,,No,1409,68 +44824925,1226362,17263,17291,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,50 mL/hr,IV,Continuous,,No,17861,59 +41610012,1226362,15805,15793,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,2 mg,IV,Q1H PRN,,Yes,22582,2 +42419556,1226362,1698,1695,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,2 mg,IV,Q4H PRN,,Yes,15789,2 +42684800,1259416,2032,2071,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,50 mL/hr,IV,Continuous,,No,2175,59 +43936106,1259416,7389,7426,No,No,,21157.0,600 mg,PO,Every 12 hours scheduled,,No,7392,20 +43066999,1259416,301,297,No,No,morphine sulfate 2 mg/ml ij/iv soln,1694.0,2 mg,IV,Q1H PRN,,Yes,10781,2 +45553581,1259416,3464,3496,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,50 mL/hr,IV,Continuous,,No,3662,59 +45297499,1259416,3924,3961,Yes,No,,23241.0,500 MG,IV,Q24H SCH,,No,5280,20 +41309335,1259416,2304,2341,Yes,No,,83.0,900 MG,IV,Continuous,,No,4506,38 +44680896,1259416,151,181,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,50 mL/hr,IV,Continuous,,No,246,59 +41192945,1259416,2096,2131,No,No,100 ml flex cont : magnesium sulfate in d5w 10-5 mg/ml-% iv soln,6306.0,1 g,IV,Q1H X2,,No,2196,59 +45227870,1259416,2050,2086,No,No,1000 ml flex cont : sodium chloride 0.9 % iv soln,8255.0,500 mL/hr,IV,Continuous,,No,2115,59 +43117745,1259416,7382,7381,No,No,oxycodone-acetaminophen 5-325 mg po tabs,1741.0,2 tablet,PO,Q4H PRN,,Yes,10781,2 +41747995,1290248,494,534,Yes,No,,32804.0,100 MG,IV,Q24H SCH,,No,1978,23 +44426454,1290248,1552,1550,No,No,50 ml syringe : dextrose 50 % iv soln,926.0,25 mL,IV,PRN,,Yes,6357,59 +43290632,1290248,1726,1764,No,No,,525.0,75 mL/hr,IV,Continuous,,No,2044,59 +41248160,1290248,1552,1550,No,No,37.5 g tube : glucose 40 % po gel,807.0,15 g,PO,PRN,,Yes,6357,59 +41804234,1290248,2342,2349,No,No,,4868.0,100 mg,PO,Q24H SCH,,No,6357,23 +42666035,1290248,3751,3749,No,No,37.5 g tube : glucose 40 % po gel,807.0,15 g,PO,PRN,,Yes,6357,59 +42725654,1290248,4459,5679,No,No,,22008.0,40 mg,PO,QAM AC,,No,6357,65 +45169075,1290248,3751,3749,No,No,50 ml syringe : dextrose 50 % iv soln,926.0,25 mL,IV,PRN,,Yes,6357,59 +50875337,1437505,377,382,No,No,10 ML VIAL : INSULIN GLARGINE 100 UNIT/ML SC SOLN,,10 Units,SC,Once,,No,397,0 +55113883,1437505,2,-79,No,No,50 ML VIAL : DEXTROSE 50 % IV SOLN,926.0,25 mL,IV,PRN,,Yes,659,59 +52653883,1437505,660,656,No,No,50 ML VIAL : DEXTROSE 50 % IV SOLN,926.0,25 mL,IV,PRN,,Yes,2525,59 +53984598,1437505,374,382,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,40 mEq,PO,Once,,No,398,59 +54549202,1437505,1652,1657,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,,SC,QHS,,No,2525,0 +51641978,1437505,1652,2032,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-9 Units,SC,TID WC,,No,2525,0 +52385943,1437505,677,682,No,No,,768.0,,IV,TID PC,,No,1648,71 +52080467,1437505,2,-98,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,508,71 +51260851,1437505,660,667,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,1648,71 +51590054,1457949,24,209,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,4 Units,SC,TID WC,,No,170,0 +52172218,1457949,3,-76,No,No,,14772.0,150 mL/hr,IV,Continuous,,No,982,59 +52639352,1457949,24,209,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-15 Units,SC,TID WC,,No,172,0 +54940853,1457949,185,1049,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,,SC,QHS,,No,268,0 +53395684,1457949,24,1049,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,,SC,QHS,,No,172,0 +54595748,1457949,269,449,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-20 Units,SC,Q4H,,No,982,0 +53219227,1457949,3,-271,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,22,71 +51009758,1457949,76,329,No,No,PNEUMOCOCCAL VAC POLYVALENT 25 MCG/0.5ML IJ INJ,4212.0,0.5 mL,IM,Once,,No,372,92 +55073072,1457949,185,209,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-20 Units,SC,TID WC,,No,268,0 +54874011,1463884,2,-213,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,-85,71 +54160407,1463884,1869,1872,No,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,40 mEq,PO,Once,,No,1883,59 +50936164,1463884,2,-87,No,No,50 ML VIAL : DEXTROSE 50 % IV SOLN,926.0,25 mL,IV,PRN,,Yes,2133,59 +52653595,1463884,284,987,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,,SC,QHS,,No,2133,0 +53692644,1463884,284,387,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-9 Units,SC,TID WC,,No,2133,0 +51831173,1463884,2,-78,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,837,71 +54558581,1488334,39,34,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,821,71 +52387676,1488334,827,1459,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,,SC,QHS,,No,2703,0 +50881878,1488334,507,739,No,No,PNEUMOCOCCAL VAC POLYVALENT 25 MCG/0.5ML IJ INJ,4212.0,0.5 mL,IM,Once,,No,2703,92 +55425568,1488334,827,859,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,,0-9 Units,SC,TID WC,,No,2703,0 +53253176,1488334,39,22,No,No,50 ML VIAL : DEXTROSE 50 % IV SOLN,926.0,25 mL,IV,PRN,,Yes,2703,59 +54249492,1488334,1,-311,No,No,INSULIN ASPART 100 UNIT/ML SC SOLN,20769.0,5 Units,IV,Once,,No,-302,0 +54842011,1536927,1901,1899,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,PRN,,Yes,3670,59 +51174735,1536927,64,55,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1741.0,1-2 tablet,PO,Q4H PRN,,Yes,3670,2 +52254900,1536927,3,-25,No,No,,6306.0,4 g,IV,Once,,No,25,59 +55459196,1536927,3,-40,No,No,1000 ML : LACTATED RINGERS IV SOLN,525.0,,IV,Continuous,,No,1851,59 +54469970,1544756,4,-66,No,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 mg,IV,QHS,,No,922,65 +52833068,1544756,4,-96,No,No,KCL IN DEXTROSE-NACL 20-5-0.45 MEQ/L-%-% IV SOLN,14778.0,100 mL/hr,IV,Continuous,,No,-59,59 +50830253,1544756,450,444,No,No,500 ML FLEX CONT : SODIUM CHLORIDE 0.9 % IV SOLN,8255.0,500 mL,IV,Once,,No,922,59 +50990691,1544756,4,-147,No,No,PROMETHAZINE HCL 25 MG/ML IJ SOLN,12014.0,6.25-12.5 mg,IV,Q15 min PRN,,Yes,-115,17 +53017352,1544756,4,-147,No,No,PROMETHAZINE HCL 25 MG/ML IJ SOLN,12014.0,6.25 mg,IV,Q15 min PRN,,Yes,-115,17 +54952709,1550318,148,138,No,No,DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,12.5 mg,IV,Q4H PRN,,Yes,1560,17 +51231059,1550318,35,29,No,No,,,1 application,TP,PRN,,Yes,1560,0 +54688688,1550318,1571,1560,No,No,ONDANSETRON HCL 4 MG PO TABS,6055.0,4 mg,PO,Q4H PRN,,Yes,5337,65 +51789399,1550318,2,-358,Yes,No,,1874.0,2 MG,IV,Continuous PRN,,Yes,29,9 +54888325,1550318,1571,1560,No,No,,1224.0,80 mg,PO,PRN,,Yes,5337,65 +52039220,1550318,35,29,No,No,,,1 application,RE,PRN,,Yes,1560,0 +54634792,1550318,148,138,No,No,DIPHENHYDRAMINE HCL 25 MG PO CAPS,4480.0,25 mg,PO,Q4H PRN,,Yes,1560,83 +51833364,1550318,1570,1560,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1741.0,1-2 tablet,PO,Q4H PRN,,Yes,5337,2 +53583742,1550318,35,867,No,No,,38636.0,1 tablet,PO,,,No,1560,94 +53118989,1550318,2,-1668,No,No,1000 ML : LACTATED RINGERS IV SOLN,525.0,125 mL/hr,IV,Continuous,,No,29,59 +54362383,1550318,2,-168,No,No,,6306.0,4 g,IV,Once,,No,-146,59 +55275901,1550318,35,29,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1741.0,1-2 tablet,PO,Q4H PRN,,Yes,1560,2 +52380928,1550318,2,-358,No,No,DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,12.5 mg,IV,Q4H PRN,,Yes,29,17 +51670466,1550318,148,138,No,No,,1744.0,5-10 mg,IV,Q4H PRN,,Yes,1560,2 +53654478,1550318,2,-573,No,No,,38636.0,1 tablet,PO,,,No,29,94 +52168182,1550318,2,-348,No,No,,12306.0,1.5 mg,TD,Once,,No,29,65 +53803515,1550318,2,-358,No,No,NALOXONE HCL 0.4 MG/ML IJ SOLN,1874.0,0.4 mg,IV,PRN,,Yes,29,9 +53228543,1550318,35,747,No,No,,35400.0,0.5 mL,IM,Once,,No,1560,92 +55364359,1550318,2,-358,No,No,DIPHENHYDRAMINE HCL 25 MG PO CAPS,4480.0,25 mg,PO,Q4H PRN,,Yes,29,83 +52943232,1550318,2,-358,No,No,DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,25 mg,IM,Q4H PRN,,Yes,29,17 +52124500,1550318,35,42,No,No,1000 ML : LACTATED RINGERS IV SOLN,525.0,125 mL/hr,IV,Continuous,,No,1560,59 +53770077,1550318,148,138,No,No,,,5-10 mg,SC,Q4H PRN,,Yes,1560,0 +51409514,1550318,148,139,Yes,No,,1874.0,2 MG,IV,Continuous PRN,,Yes,1560,9 +51703491,1550318,2,-1668,No,No,,6306.0,4 g,IV,Once,,No,-1623,59 +50986831,1550318,2,-358,No,No,,1744.0,5-10 mg,IV,Q4H PRN,,Yes,29,2 +53322191,1550318,2,-358,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,PRN,,Yes,29,59 +51186011,1550318,1571,2307,No,No,,38636.0,1 tablet,PO,,,No,5337,94 +51310051,1550318,35,42,No,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,2 tablet,PO,QHS,,No,1560,65 +53038426,1550318,35,42,No,No,,33377.0,,IV,Continuous,,No,1560,68 +51534783,1550318,147,147,No,No,,12306.0,1.5 mg,TD,Once,,No,150,65 +53061152,1550318,35,29,No,No,,1224.0,80 mg,PO,PRN,,Yes,1560,65 +52824134,1550318,1571,1560,No,No,,,1 application,TP,PRN,,Yes,5337,0 +53752956,1550318,35,29,No,No,ONDANSETRON HCL 4 MG PO TABS,6055.0,4 mg,PO,Q4H PRN,,Yes,1560,65 +52651059,1550318,1571,1560,No,No,,,1 application,RE,PRN,,Yes,5337,0 +53019062,1550318,2,-358,No,No,,,5-10 mg,SC,Q4H PRN,,Yes,29,0 +52421873,1550318,1570,1572,No,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,2 tablet,PO,QHS,,No,5337,65 +53857996,1550318,1570,1572,No,No,1000 ML : LACTATED RINGERS IV SOLN,525.0,125 mL/hr,IV,Continuous,,No,5337,59 +52405267,1550318,147,138,No,No,NALOXONE HCL 0.4 MG/ML IJ SOLN,1874.0,0.4 mg,IV,PRN,,Yes,1560,9 +53484734,1550318,147,138,No,No,SODIUM CHLORIDE 0.9 % IJ SOLN,8255.0,3 mL,IV,PRN,,Yes,1560,59 +53269438,1550318,148,138,No,No,DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,25 mg,IM,Q4H PRN,,Yes,1560,17 +53243796,1550318,1571,2187,No,No,,35400.0,0.5 mL,IM,Once,,No,2048,92 +56391910,1563281,8,-3418,No,No,,4704.0,900 MG,Intravenous,Q6H,,No,796,19 +55573477,1563281,3232,3242,No,No,METHYLPREDNISOLONE SODIUM SUCC 125 MG IJ SOLR,2876.0,80 MG,Intravenous,Q6H,,No,6229,68 +57124986,1563281,8,-3637,No,No,,2073.0,2 PUFF,Inhalation,Q4H PRN,,Yes,6229,14 +56255838,1563281,3234,3332,No,No,FERROUS SULFATE 325 (65 FE) MG PO TABS,739.0,325 MG,Oral,BID WC,,No,6229,59 +55872928,1563281,8,182,No,No,IPRATROPIUM-ALBUTEROL 0.5-2.5 (3) MG/3ML IN SOLN,9040.0,3 mL,Nebulization,4x Daily,,No,6229,14 +55975732,1563281,8,-85,No,No,,33243.0,25 MG,Intravenous,,,Yes,292,2 +56002173,1563281,8,-85,No,No,2 ML : ONDANSETRON HCL 4 MG/2ML IV SOLN,33598.0,4 MG,Intravenous,,,Yes,309,65 +57016695,1588896,372,713,Yes,No,,3976.0,3 g,Intravenous,Q8H X2,,No,1250,19 +55768055,1588896,37,23,Yes,No,10 ML VIAL : INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,Intravenous,Continuous,,No,1414,71 +56340176,1588896,37,443,No,No,,12182.0,0.25 MG,Oral,Nightly,,No,5754,29 +56039388,1588896,37,233,Yes,No,,3976.0,3 g,Intravenous,Q8H X3,,No,372,19 +56206119,1588896,37,23,No,No,1000 ML FLEX CONT : SODIUM CHLORIDE 0.45 % IV SOLN,8254.0,,Intravenous,Continuous,,No,1035,59 +56464612,1588896,1591,1590,No,No,,3774.0,,Apply externally,PRN,,Yes,5754,86 +56165759,1588896,37,23,Yes,No,,136.0,50 MG,Intravenous,Continuous,,No,1414,41 +55485577,1588896,37,1,No,No,,549.0,10 MEQ,Intravenous,PRN,,Yes,1414,59 +57240956,1588896,67,83,Yes,No,,159.0,50 MG,Intravenous,Continuous,,No,1414,38 +56117586,1588896,5377,6803,No,No,LEVOFLOXACIN 750 MG PO TABS,12384.0,750 MG,Oral,Q48H,,No,5754,19 +55533387,1588896,37,53,No,No,250 ML PLAS CONT : NOREPINEPHRINE IN D5W 8 MG/250 ML,2051.0,,Intravenous,Continuous,,No,1414,32 +57415889,1588896,37,443,No,No,SIMVASTATIN 20 MG PO TABS,6312.0,20 MG,Oral,Nightly,,No,5754,41 +57291899,1588896,40,83,No,No,,2087.0,,Intravenous,Continuous,,No,1414,41 +57341424,1588896,37,1,No,No,,2728.0,12.5-25 g,Intravenous,PRN,,Yes,1582,35 +55520566,1588896,1426,1423,No,No,50 ML SYRINGE : DEXTROSE 50 % IV SOLN,926.0,25 mL,Intravenous,PRN,,Yes,5754,59 +61377095,1671276,608,610,No,No,,545.0,50 MEQ,PO,,,No,610,59 +57720454,1671276,603,610,No,No,,1186.0,1 G,PO,,,No,670,65 +57798231,1671276,597,1030,No,No,,22008.0,40 MG,PO,,,No,44230,65 +61150496,1671276,603,940,No,No,,1978.0,25 MG,PO,,,No,44140,32 +58002705,1671276,597,595,No,No,,19963.0,0,IH,,,No,655,14 +62105626,1671276,598,595,No,No,,22008.0,40 MG,PO,,,No,655,65 +61194236,1671276,603,610,No,No,,12404.0,40 mg,PO,,,No,670,41 +59629534,1671276,598,610,No,No,,20952.0,500 MG,PO,,,No,670,44 +60490759,1671276,603,610,No,No,,1978.0,25 MG,PO,,,No,670,32 +61987022,1671276,597,580,No,No,,19963.0,0,IH,,,No,43780,14 +59885225,1671276,598,595,No,No,,4763.0,500 MG,PO,,,No,655,71 +59266361,1671276,598,1060,No,No,,4763.0,500 MG,PO,,,No,44260,71 +64894409,1790816,108,127,Yes,No,1 ML VIAL: HEPARIN SODIUM (PORCINE) 5000 UNIT/ML IJ SOLN,2810.0,5000 Units,SC,Q8H SCH,,No,1669,36 +63098801,1790816,105,95,Yes,No,ALPRAZOLAM 0.25 MG PO TABS,1617.0,0.25 MG,PO,TID PRN,,Yes,1669,80 +65442707,1790816,143,1117,Yes,No,METOPROLOL TARTRATE 50 MG PO TABS,2102.0,50 MG,PO,BID M/E,,No,1669,41 +67308137,1790816,105,967,Yes,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 MG,PO,QAM AC,,No,1669,65 +67482963,1795300,5625,5642,Yes,No,,915.0,100 mL/hr,IV,Continuous,,No,6082,59 +62665301,1795300,126,287,Yes,No,WARFARIN SODIUM 3 MG PO TABS,2812.0,3 MG,PO,Warfarin,,No,556,36 +67850009,1795300,2224,2237,Yes,No,,2004.0,0.5 MG,IV,Once,,No,2226,65 +67788973,1795300,227,225,Yes,No,50 ML SYRINGE: DEXTROSE 50 % IV SOLN,926.0,50 mL,IV,See Admin Instructions PRN,,Yes,6662,59 +62747508,1795300,238,257,Yes,No,,585.0,1000 MG,IV,Once,,No,375,59 +64133974,1795300,223,227,Yes,No,10 ML VIAL: INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,10 Units,IV,Once,,No,242,71 +63092809,1795300,128,527,Yes,No,,11814.0,7.5 MG,PO,Nightly,,No,6081,80 +64251525,1795300,127,137,Yes,No,GABAPENTIN 100 MG PO CAPS,8831.0,100 MG,PO,TID,,No,6081,44 +65211158,1795300,3041,3407,Yes,No,,12259.0,10 MG,PO,Nightly,,No,6081,32 +65688350,1795300,3125,3407,Yes,No,,37792.0,2.5 MG,PO,BID M/N,,No,6081,36 +64356401,1795300,128,1097,Yes,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 MG,IV,QAM AC,,No,6081,65 +64065951,1795300,223,204,Yes,No,50 ML SYRINGE: DEXTROSE 50 % IV SOLN,926.0,50 mL,IV,See Admin Instructions PRN,,Yes,226,59 +64487054,1795300,128,137,Yes,No,3 ML VIAL : INSULIN LISPRO (HUMAN) 100 UNIT/ML SC SOLN,11528.0,0-8 5,SC,TID WC,,No,6081,71 +66199817,1795300,4220,4218,Yes,No,,523.0,100 MEQ,IV,Continuous,,No,4995,59 +66680270,1795300,4239,4247,Yes,No,BISACODYL 10 MG RE SUPP,1301.0,10 MG,RE,Once,,No,4267,65 +63702381,1795300,2536,2552,Yes,No,,523.0,150 MEQ,IV,Continuous,,No,4218,59 +65972450,1812280,1133,2327,No,No,ASPIRIN,1820.0,81 MG,PO,DAILY,,No,4042,2 +63909171,1812280,19,887,No,No,,11560.0,1 DROP,OPHTHALMIC,DAILY,,No,4042,62 +65999547,1812280,13,1427,No,No,ATORVASTATIN,12404.0,40 MG,PO,DAILY PM,,No,4042,41 +65576654,1812280,20,887,No,No,FOLIC ACID,1062.0,1 MG,PO,DAILY,,No,4042,95 +64604267,1812280,20,887,No,No,ASPIRIN,1820.0,325 MG,PO,DAILY,,No,1127,2 +62721367,1827129,0,1287,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,Q6H,,Yes,2726,2 +67407030,1827129,4910,4902,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,Q6H,,Yes,7141,2 +63345365,1827129,673,1347,No,No,PANTOPRAZOLE,22008.0,40 MG,PO,DAILY,,No,1347,65 +65359245,1827129,666,1347,No,No,AMLODIPINE BESYLATE,6494.0,5 MG,PO,DAILY,,No,10100,38 +63675398,1827129,0,-28,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,Q6H,,No,-6,2 +66282265,1827129,5,-13,Yes,No,,183.0,25 MG,IV,1X,,Yes,1428,38 +67830547,1827129,161,207,No,No,ALBUTEROL SULF,2073.0,2 PUFF,INH,Q6H,,Yes,16214,14 +64587420,1827129,4,-13,No,No,EPHEDRINE SULFATE,2084.0,10 MG,IV,POSTOP,,Yes,1428,50 +67376257,1827129,1605,1597,No,No,KETOROLAC TROMETHAMINE,5175.0,30 MG,IV,Q6H,,Yes,8534,2 +64896923,1827129,743,737,No,No,HYDRALAZINE HCL,89.0,10 MG,IV,ONE,,No,738,41 +64991521,1827129,3,0,No,No,EPHEDRINE SULFATE,2084.0,10 MG,IV,POSTOP,,Yes,5,50 +65683882,1827129,161,1347,No,No,,24024.0,18 MCG,INH,DAILY,,No,16214,14 +65317686,1827129,3,-13,No,No,PROMETHAZINE HCL,12014.0,12.5 MG,IV,POSTOP,,Yes,1428,17 +65355881,1827129,0,0,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,Q6H,,No,-3,2 +65487043,1827129,4,-13,No,No,LABETALOL HCL,2095.0,10 MG,IV,POSTOP,,Yes,1428,41 +64835065,1827129,10058,10057,No,No,FUROSEMIDE,3660.0,20 MG,IV,ONE,,No,10058,56 +66305672,1827129,4347,5487,No,No,PANTOPRAZOLE,22008.0,40 MG,PO,DAILY,,No,16214,65 +64535703,1827129,4,-13,No,No,,25002.0,0.5 ML,NEB,POSTOP,,Yes,1428,14 +64444286,1827129,4,-13,No,No,HYDRALAZINE HCL,89.0,5 MG,IV,POSTOP,,Yes,1428,41 +64493668,1827129,10121,10120,No,No,FUROSEMIDE,3660.0,40 MG,IV,ONE,,No,10121,56 +64444426,1827129,0,207,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,Q6H,,No,941,2 +64446316,1827129,4,-13,No,No,ALBUTEROL SULF,2073.0,3 ML,NEB,POSTOP,,Yes,153,14 +66338154,1849124,3128,3104,Yes,No,,19078.0,1 MG,IM,See Admin Instructions PRN,,Yes,21432,59 +66213649,1849124,-46,-37,Yes,No,10 ML VIAL: INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,Continuous,,No,3218,71 +63411565,1849124,11667,11858,Yes,No,,11505.0,15 MG,PO,Nightly,,No,17647,80 +66087902,1849124,5279,5378,Yes,No,POTASSIUM CHLORIDE CRYS ER 20 MEQ PO TBCR,549.0,20 MEQ,PO,BID M/E,,No,21798,59 +67450211,1849124,-49,-57,Yes,No,,523.0,100 MEQ,IV,See Admin Instructions PRN,,Yes,5433,59 +66989737,1849124,3128,3104,Yes,No,50 ML SYRINGE: DEXTROSE 50 % IV SOLN,926.0,25 g,IV,See Admin Instructions PRN,,Yes,21432,59 +62958369,1849124,4012,4028,Yes,No,1 ML VIAL: HEPARIN SODIUM (PORCINE) 5000 UNIT/ML IJ SOLN,2810.0,5000 Units,SC,Q8H SCH,,No,21798,36 +64718057,1849124,-52,-37,Yes,No,,25281.0,50 mL/hr,IV,Continuous,,No,3903,59 +65946576,1849124,3926,3923,Yes,No,,739.0,324 MG,PO,BID WC,,No,21798,59 +66544743,1849124,3128,3104,Yes,No,50 ML SYRINGE: DEXTROSE 50 % IV SOLN,926.0,12.5 g,IV,See Admin Instructions PRN,,Yes,21432,59 +64039541,1849124,-48,908,Yes,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 MG,IV,QAM AC,,No,5433,65 +65277426,1849124,-49,-57,Yes,No,,523.0,50 MEQ,IV,See Admin Instructions PRN,,Yes,5433,59 +67219280,1849124,-54,-202,Yes,No,10 ML VIAL: INSULIN REGULAR HUMAN 100 UNIT/ML IJ SOLN,768.0,100 Units,IV,,,No,-57,71 +65019552,1849124,3925,4658,Yes,No,ATORVASTATIN CALCIUM 40 MG PO TABS,12404.0,40 MG,PO,Nightly,,No,21798,41 +65493899,1849124,2458,2452,Yes,No,1 ML CRTRDG-NDL : MORPHINE SULFATE (PF) 2 MG/ML IV SOLN,1694.0,2 MG,IV,Q4H PRN,,Yes,2499,2 +65303601,1849124,3925,4658,Yes,No,SENNOSIDES-DOCUSATE SODIUM 8.6-50 MG PO TABS,21772.0,2 TAB,PO,Nightly,,No,6818,65 +67693256,1852395,8380,8370,No,No,AMLODIPINE BESYLATE,6494.0,5 MG,PO,DAILY,,No,20018,38 +64923710,1852395,-88,-1970,No,No,PANTOPRAZOLE,22008.0,40 MG,PO,DAILY,,No,20600,65 +62900685,1852395,410,410,No,No,CLOPIDOGREL BISULFATE,17539.0,300 MG,PO,ONE,,No,411,35 +64843872,1852395,-88,-1150,No,No,ACETAMINOPHEN,1866.0,"1,000 MG",PO,Q6H,,Yes,17125,2 +65937923,1852395,-88,-285,No,No,HYDRALAZINE HCL,89.0,5 MG,IV,POSTOP,,Yes,-151,41 +66420518,1852395,-88,-2650,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q6H,,Yes,-273,2 +66549058,1852395,17123,18370,No,No,CLOPIDOGREL BISULFATE,17539.0,75 MG,PO,DAILY,,No,20600,35 +65673757,1852395,8380,8375,No,No,HYDRALAZINE HCL,89.0,10 MG,IV,Q6H,,Yes,20600,41 +64641295,1852395,5449,5445,No,No,,22868.0,,IV,,,Yes,8449,53 +63227313,1852395,1488,1540,No,No,,22890.0,,SUBCUT,,,No,11220,35 +64010989,1852395,14084,14065,No,No,EPHEDRINE SULFATE,2084.0,10 MG,IV,POSTOP,,Yes,14264,50 +67436169,1852395,17120,17100,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q6H,,Yes,20600,2 +67789774,1852395,17192,17190,No,No,FENTANYL CITRATE,25386.0,50 MCG,IV,ONE,,No,17191,2 +62966025,1852395,-88,-2510,No,No,ATORVASTATIN,12404.0,20 MG,PO,DAILY,,No,20600,41 +64691646,1852395,415,1090,No,No,CLOPIDOGREL BISULFATE,17539.0,75 MG,PO,DAILY,,No,17123,35 +65261121,1852395,14084,14065,No,No,LABETALOL HCL,2095.0,10 MG,IV,POSTOP,,Yes,14264,41 +66948971,1852395,-88,-285,No,No,ALBUTEROL SULF,2073.0,3 ML,NEB,POSTOP,,Yes,-284,14 +64768671,1852395,14084,14065,No,No,,25002.0,0.5 ML,NEB,POSTOP,,Yes,14264,14 +64341309,1852395,-88,-2450,No,No,,4137.0,1 APP,TOP,TID,,No,20600,23 +65554352,1852395,17123,17100,No,No,ASPIRIN,1820.0,81 MG,PO,DAILY,,No,20600,2 +67562040,1852395,20037,21250,No,No,AMLODIPINE BESYLATE,6494.0,10 MG,PO,DAILY,,No,21250,38 +63660478,1852395,-88,-1112,No,No,INSULIN DETEMIR,26407.0,20 UNITS,SUBCUT,ONE,,No,-1111,71 +65702344,1852395,-88,-1385,No,No,HEPARIN SOD (PORCINE),2810.0,,IV,ONE,,No,-1384,36 +62798103,1852395,-88,-285,No,No,EPHEDRINE SULFATE,2084.0,10 MG,IV,POSTOP,,Yes,-151,50 +66160047,1852395,-88,-3095,Yes,No,,4042.0,1500 MG,IV,ONE,,No,-2976,19 +64816206,1852395,18604,18603,No,No,,6438.0,1 PATCH,TD,Q72H,,No,20600,2 +65683972,1852395,-88,-2645,No,No,PNEUMOCOCCAL POLYSACCHARIDES,4212.0,0.5 ML,IMV,ONE,,No,-2644,92 +63259404,1852395,11233,11620,No,No,,22890.0,100 MCG,SUBCUT,,,No,20600,35 +65585596,1852395,-88,-285,No,No,LABETALOL HCL,2095.0,10 MG,IV,POSTOP,,Yes,-151,41 +64282764,1852395,14084,14065,No,No,HYDRALAZINE HCL,89.0,5 MG,IV,POSTOP,,Yes,14264,41 +62877792,1852395,20038,20038,No,No,HYDROCHLOROTHIAZIDE,3649.0,12.5 MG,PO,DAILY,,No,20600,56 +66986839,1852395,14084,14065,No,No,ALBUTEROL SULF,2073.0,3 ML,NEB,POSTOP,,Yes,14066,14 +67682786,1852395,-88,-285,No,No,,25002.0,0.5 ML,NEB,POSTOP,,Yes,-151,14 +64455164,1852625,113,125,Yes,No,,25386.0,,IV,Continuous,,No,1406,2 +64496876,1852625,1,-3317,Yes,No,,2728.0,25 g,IV,See Admin Instructions PRN,,Yes,1406,35 +64505828,1852625,1,-6955,Yes,No,TACROLIMUS 1 MG PO CAPS,20974.0,1 MG,PO,Nightly,,No,1406,72 +67776049,1852625,1,-8395,Yes,No,,6324.0,100 MG,PO,Nightly,,No,1406,80 +66554489,1852625,1,-8395,Yes,No,,18250.0,,PO,Nightly,,No,-2979,99 +64086889,1852625,63,80,Yes,No,,36347.0,,IV,Continuous,,No,1406,32 +64648197,1852625,1,-7135,Yes,No,,25673.0,450 MG,IV,Q48H,,No,1064,19 +63529656,1852625,1,-3386,Yes,No,,15908.0,10 MG,PO,See Admin Instructions PRN,,Yes,1406,32 +66970811,1852625,1,-2635,Yes,No,,18250.0,,PO,Nightly,,No,1406,99 +65880502,1852625,1,-4705,Yes,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 MG,PO,QAM AC,,No,-3417,65 +65651231,1852625,1,-7195,Yes,No,WARFARIN SODIUM 3 MG PO TABS,2812.0,3 MG,PO,Warfarin,,No,-1416,36 +66983052,1856167,-1,-265,No,No,ALBUTEROL SULF,2073.0,,NEB,ONE,,No,-264,14 +66999287,1856167,-1,-215,Yes,No,,8738.0,4.5 GM,IV,ONE,,No,-186,19 +65667540,1856167,958,957,No,No,,22868.0,,IV,ONE,,No,958,53 +67737013,1856168,1655,2495,Yes,No,,1882.0,500 MG,IV,DAILY,,No,2719,44 +64185126,1856168,15174,15175,No,No,ACETAMINOPHEN 10 MG/ML 100 ML VIAL,1866.0,,IV,ONE,,No,15189,2 +66538554,1856168,16347,16345,No,No,ACETAMINOPHEN,1866.0,650 MG,PO,Q6H,,Yes,22915,2 +64358867,1856168,3051,3050,No,No,HALOPERIDOL LACTATE,1661.0,5 MG,IV,ONE,,No,3051,80 +63221446,1856168,1204,2495,No,No,ENOXAPARIN,7878.0,40 MG,SUBCUT,DAILY,,No,22915,36 +65702835,1856168,4256,4490,No,No,HYDRALAZINE HCL,89.0,2.5 MG,IV,Q6H,,Yes,16343,41 +66364771,1856168,11136,11115,No,No,KCL 40 MEQ/100ML STERILE WATER BAG,549.0,,IV,ONE,,No,11115,59 +66901442,1856168,3773,3770,No,No,HYDRALAZINE HCL,89.0,20 MG,IV,Q6H,,Yes,3964,41 +63880031,1856168,21609,22655,No,No,AMLODIPINE BESYLATE,6494.0,5 MG,PO,DAILY,,No,22915,38 +67595583,1856168,5115,5110,No,No,HYDRALAZINE HCL,89.0,5 MG,IV,ONE,,No,5111,41 +62705352,1856168,18705,18705,No,No,BISACODYL,1301.0,10 MG,PR,PRN,,Yes,22915,65 +63129725,1856168,21597,21635,No,No,,13864.0,0.4 MG,PO,DAILY PM,,No,22915,99 +63715520,1856168,12974,14135,No,No,,25040.0,,IV,ONE,,No,14164,19 +66314516,1856168,3969,4130,No,No,HYDRALAZINE HCL,89.0,10 MG,IV,Q6H,,Yes,4250,41 +65869961,1856168,16347,15290,No,No,HYDRALAZINE HCL,89.0,10 MG,IV,Q6H,,Yes,22915,41 +65837409,1856168,4299,4300,No,No,METOCLOPRAMIDE HCL,2148.0,10 MG,IV,Q6H,,Yes,22915,65 +62999780,1856168,11177,11195,Yes,No,Potassium Chloride Inj 2 MEQ/ML VIAL,549.0,40 MEQ,IV,ONE,,No,11434,59 +66084095,1856168,17231,17230,No,No,METOPROLOL TARTRATE,2102.0,25 MG,PO,DAILY,,No,22915,41 +64884733,1856168,2573,2555,Yes,No,Potassium Chloride Inj 2 MEQ/ML VIAL,549.0,20 MEQ,IV,ONE,,No,2794,59 +76138252,2032114,8635,9331,No,No,LASIX,3660.0,40 mg,IV,BID 7 hour,,No,9953,56 +77215364,2032114,1320,1411,No,No,ZOSYN,32900.0,3.375 Gram,IV,q 6 hour,,No,2332,19 +80628010,2032114,2474,2469,No,No,DEXTROSE 5% IN WATER (D5W) IV : 1000 ML BAG,915.0,40 mL/hr,IV,See Admin Notes,,No,21921,59 +79498798,2032114,6495,6493,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,See Admin Notes,,No,21921,59 +80720534,2032114,1340,2131,No,No,LASIX,3660.0,40 mg,IV,BID 7 hour,,No,2328,56 +78824319,2032114,26,9,No,No,ATROPINE 0.1 MG/ML SYRINGE : 10 ML SYRINGE,2004.0,0.5 mg,IV,q 5 min PRN X3,,Yes,3518,65 +77245190,2032114,1257,1261,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,1299,56 +76840380,2032114,2,-2189,No,No,TYLENOL,1866.0,500 mg,Oral,ONCE X1,,No,-2175,2 +75473307,2032114,13213,13231,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,30 mL/hr,IV,Continuous,,No,14670,59 +73185497,2032114,2,-1619,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,75 mL/hr,IV,Continuous,,No,5235,59 +72340778,2032114,26,16,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,100 mL/hr,IV,Continuous,,No,375,59 +72121658,2032114,4851,4861,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,,IV,Continuous,,No,5303,59 +77659070,2032114,2475,2469,No,No,D50,926.0,12.5 Gram,IV,See Admin Notes,,No,21921,59 +71606362,2032114,6591,6601,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK : 100 ML BAG,549.0,40 mEq,IV,ONCE X1,,No,6970,59 +79346918,2032114,12200,12211,No,No,SODIUM CHLORIDE 0.9 % IV : 500 ML,8255.0,500 mL,IV,ONCE X1,,No,19445,59 +77082855,2032114,2475,2469,No,No,GLUCAGEN,19078.0,1 mg,IM,See Admin Notes,,No,21921,59 +77096837,2032114,11648,11641,No,No,NEXTERONE,37678.0,1 mg/min,IV,Continuous,,No,16902,38 +74345552,2032114,2,-2189,No,No,SODIUM CHLORIDE 0.9 % IV : 500 ML,8255.0,500 mL,IV,ONCE X1,,No,-2114,59 +74402161,2032114,8441,8446,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,8477,56 +74123888,2032114,4164,4171,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,4194,59 +71889255,2032114,5308,5311,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,10 mL/hr,IV,Continuous,,No,21921,59 +79155396,2032114,2,-1625,No,No,"PROVENTIL,VENTOLIN",2073.0,2.5 mg,Inhalation,Resp q 6 h PRN,,Yes,18277,14 +76035562,2032114,6969,6976,No,No,LASIX,3660.0,120 mg,IV,ONCE X1,,No,6981,56 +74896653,2032114,2,-1634,No,No,ZOFRAN,33598.0,4 mg,IV,q 6 hour PRN,,Yes,21921,65 +73628393,2032114,14252,14248,No,No,SUBLIMAZE,25386.0,25 mcg,IV,q 1 hour PRN,,Yes,21921,2 +72476346,2032114,20884,21091,No,No,LASIX,3660.0,60 mg,IV,q 6 hour,,No,21631,56 +74796681,2032114,18545,18556,No,No,LASIX,3660.0,60 mg,IV,ONCE X1,,No,18574,56 +74082422,2032114,5094,5191,No,No,MAGNESIUM SULFATE 2 GRAM/50 ML IV PIGGY BACK : 50 ML FLEX CONT,610.0,2 Gram,IV,ONCE X1,,No,5254,59 +79036596,2032114,2475,2469,No,No,D50,926.0,25 Gram,IV,See Admin Notes,,No,21921,59 +77569385,2032114,2224,2221,No,No,,2059.0,,IV,Titrate,,No,3923,32 +74337099,2032114,2506,2506,No,No,NEXTERONE,37678.0,0.5 mg/min,IV,Continuous,,No,6446,38 +76791297,2075529,18,6,No,No,ZOFRAN,33598.0,4 mg,IV,q 6 hour PRN,,Yes,4686,65 +72292800,2075529,1508,1493,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,See Admin Notes,,No,4686,59 +72300133,2075529,18,16,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,30 mL/hr,IV,Continuous,,No,1493,59 +79051723,2075529,4,-104,No,No,BAYER CHEWABLE,1820.0,324 mg,Oral,ONCE X1,,No,-109,2 +71732373,2075529,4,-74,No,No,NITRO-BID,159.0,,Topical,ONCE X1,,No,-74,0 +74158266,2075529,59,2686,No,No,LEVAQUIN,12383.0,750 mg,IV,q 48 hour,,No,1446,19 +78148216,2075529,57,61,No,No,,10747.0,,Inhalation,Resp q 12 hour,,No,4686,14 +80625973,2075529,57,61,No,No,LASIX,3660.0,20 mg,IV,BID 7 hour,,No,4686,56 +72656062,2075529,4,-164,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 hour,,No,15,19 +80137127,2075529,57,61,No,No,PULMICORT RESPULE,6545.0,0.5 mg,Inhalation,Resp q 12 hour,,No,4686,14 +71779409,2075529,16,2716,No,No,LEVAQUIN,12383.0,750 mg,IV,q 48 hour,,No,4686,19 +75154308,2075529,57,166,No,No,,2876.0,40 mg,IV,q 6 hour,,No,4686,68 +74448589,2075529,361,353,No,No,,7878.0,1 Each,See Instruct,See Admin Notes,,No,2777,0 +80019316,2193648,332,342,No,No,ZOSYN,32900.0,3.375 Gram,IV,ONCE X1,,No,368,19 +71714408,2193648,1118,1122,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,1189,59 +76288957,2193648,837,822,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,898,59 +73049922,2193648,1394,1394,No,No,,8255.0,,DEVICE,Onetime,,No,1394,59 +79005871,2193648,566,567,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,638,59 +77934549,2193648,234,237,No,No,SODIUM CHLORIDE 0.9 % IV : 500 ML,8255.0,500 mL,IV,ONCE X1,,No,4001,59 +74093144,2193648,32,31,No,No,,9040.0,,DEVICE,Onetime,,No,31,0 +73557610,2193649,909,922,No,No,SODIUM CHLORIDE 0.9 % IV : 500 ML,8255.0,500 mL,IV,ONCE X1,,No,970,59 +75204619,2193649,126,127,No,No,LACTATED RINGERS IV : 1000 ML BAG,525.0,30 mL/hr,IV,Continuous,,No,8277,59 +71922601,2193649,9764,9772,Yes,No,,22008.0,80 MG,IV,ONCE X1,,No,9851,65 +79729855,2193649,9143,9142,No,No,PEPCID,4521.0,20 mg,Oral,Daily BEDTIME,,No,9741,65 +72185260,2193649,658,658,No,No,,25386.0,,DEVICE,Onetime,,No,658,0 +71975574,2193649,5403,5617,No,No,SOLU-MEDROL,2876.0,40 mg,IV,q 6 hour,,No,6774,68 +74671111,2193649,704,651,No,No,SUBLIMAZE,25386.0,25 mcg,IV,q 1 hour PRN,,Yes,1053,2 +75709450,2193649,978,967,No,No,SUBLIMAZE,25386.0,50 mcg/hr,IV,Titrate,,No,2588,2 +80397950,2193649,4034,4027,Yes,No,,83.0,18 mL,IV,Continuous,,No,6774,38 +73320927,2193649,4034,4027,Yes,No,,83.0,3 mL,IV,ONCE X1,,No,4068,38 +76664347,2193649,37,37,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,128,59 +79431797,2193649,3868,3862,No,No,SOLU-MEDROL,2876.0,80 mg,IV,q 6 hour,,No,5400,68 +73095046,2193649,9764,9742,Yes,No,,22008.0,80 MG,IV,Continuous,,No,13406,65 +77716386,2193649,651,650,No,No,,4842.0,,DEVICE,Onetime,,No,650,99 +77003949,2193649,8043,8043,No,No,NS 0.9%,8255.0,,DEVICE,Onetime,,No,8043,59 +80215198,2193649,5484,6877,No,No,LEVAQUIN,12383.0,250 mg,IV,,,No,13406,19 +72444100,2193649,11088,11088,No,No,NS 0.9%,8255.0,,DEVICE,Onetime,,No,11088,59 +74028769,2193649,54,2896,No,No,LEVAQUIN,12383.0,750 mg,IV,q 48 hour,,No,5472,19 +76554351,2193649,6778,7421,No,No,SOLU-MEDROL,2876.0,40 mg,IV,q 12 hour,,No,8277,68 +72120607,2193649,5445,5445,No,No,NS 0.9%,8255.0,,DEVICE,Onetime,,No,5445,59 +76380449,2233402,67,31,No,No,,14772.0,150 mL/hr,IV,Continuous,,No,775,59 +78983108,2233402,601,601,No,No,,8255.0,,DEVICE,Onetime,,No,601,59 +78860270,2233402,225,225,No,No,,8255.0,,DEVICE,Onetime,,No,225,59 +72565942,2233402,226,226,Yes,No,,22008.0,80 MG,IV,Continuous,,No,1486,65 +77237760,2233402,249,248,No,No,,8255.0,,DEVICE,Onetime,,No,248,59 +79785738,2233402,576,586,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,582,56 +72558843,2233402,136,391,No,No,LASIX,3660.0,20 mg,IV,ONCE X1,,No,369,56 +79785737,2233402,576,586,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,586,56 +78169277,2233403,118,79,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,94,59 +74269634,2233403,76,79,No,No,ZOSYN,32900.0,3.375 Gram,IV,ONCE X1,,No,113,19 +79541597,2233403,29,34,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,30 mL/hr,IV,Continuous,,No,739,59 +79845568,2233403,116,124,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,139,59 +87713247,2303499,429,432,No,No,,8255.0,500 mL,IV,ONCE X1,,No,462,59 +86374078,2303500,392,390,No,No,PHENERGAN,12014.0,12.5 mg,IV,q 6 hour PRN,,Yes,5799,17 +88056707,2303500,2645,3201,No,No,SOLU-MEDROL,2876.0,,IV,q 12 hour,,No,4062,68 +80810625,2303500,472,466,No,No,D50,926.0,12.5 Gram,IV,See Admin Notes,,No,5799,59 +88135988,2303500,472,466,No,No,D50,926.0,25 Gram,IV,See Admin Notes,,No,5799,59 +82152581,2303500,22,-58,No,No,VANCOMYCIN CONSULT TO PHARMACY,4042.0,1 Each,See Instruct,See Admin Notes,,No,4062,99 +86105013,2303500,2,-16,No,No,SOLU-MEDROL,2876.0,,IV,q 6 hour,,No,2639,68 +84913013,2303500,472,466,No,No,GLUCAGEN,19078.0,1 mg,IM,See Admin Notes,,No,5799,59 +80736996,2303500,652,659,No,No,,1652.0,100 mg,Oral,Daily BEDTIME,,No,5799,80 +81980834,2303500,2,-46,No,No,,14772.0,,IV,Continuous,,No,2590,59 +87010039,2303500,153,149,No,No,,,,Ifil,ONCE X1,,No,149,0 +83247552,2334053,170,181,No,No,SOLU-MEDROL,2876.0,,IV,q 6 hour,,No,6069,68 +85560182,2334053,5,151,No,No,ZOSYN,8738.0,4.5 Gram,IV,q 6 hour,,No,5286,19 +82692338,2334053,13,-9,No,No,VANCOMYCIN CONSULT TO PHARMACY,4042.0,1 Each,See Instruct,See Admin Notes,,No,6069,99 +87176326,2334053,1052,1051,No,No,,,,Ifil,ONCE X1,,No,1051,0 +85480653,2334053,6,1,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,100 mL/hr,IV,Continuous,,No,2373,59 +88018421,2450383,1266,1270,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 hour,,No,2888,19 +82413605,2450383,1,-173,No,No,MIDAZOLAM,1619.0,,DEVICE,Onetime,,No,-173,0 +87578303,2450383,7027,8695,No,No,SOLU-MEDROL,2876.0,80 mg,IV,q 12 hour,,No,9861,68 +84522125,2450383,9863,10135,No,No,SOLU-MEDROL,2876.0,60 mg,IV,q 12 hour,,No,11103,68 +87858858,2450383,1,-28,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,,IV,See Admin Notes,,No,23309,59 +83515160,2450383,0,-6,No,No,D50,926.0,12.5 Gram,IV,See Admin Notes,,No,15545,59 +85468773,2450383,3985,3985,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,4030,56 +85154784,2450383,1,1135,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 hour,,No,1112,19 +86484321,2450383,802,790,No,No,MAGNESIUM SULFATE IN D5W 1 GRAM/100 ML IV PIGGY BACK : 100 ML,6306.0,"1,000 mg",IV,ONCE X1,,No,825,59 +83262287,2450383,1,-200,No,No,LEVAQUIN,12383.0,750 mg,IV,ONCE X1,,No,-60,19 +81470018,2450383,1,-260,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,"1,000 mL",IV,ONCE X1,,No,-200,59 +82958783,2450383,1,-260,No,No,SOLU-MEDROL,2876.0,125 mg,IV,ONCE X1,,No,-260,68 +87061654,2450383,5611,5620,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,5622,56 +81375293,2450383,1890,1887,No,No,,1929.0,200 mg,Oral,TID PRN,,Yes,1891,50 +84150703,2450383,1,-274,No,No,LORazepam,4846.0,,DEVICE,Onetime,,No,-274,99 +81579299,2450383,0,-6,No,No,D50,926.0,25 Gram,IV,See Admin Notes,,No,15545,59 +83429664,2450383,2766,2770,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,2770,56 +84608626,2450383,5324,5335,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,5346,56 +83933219,2450383,1,115,No,No,PULMICORT RESPULE,6545.0,0.5 mg,Inhalation,Resp q 12 hour,,No,23309,14 +83025916,2450383,241,220,No,No,,,2 mL,Ifil,ONCE X1,,No,23309,0 +87698992,2450383,1,-6,No,No,GLUCAGEN,19078.0,1 mg,IM,See Admin Notes,,No,23309,59 +83387020,2450383,197,197,No,No,,1478.0,,DEVICE,Onetime,,No,197,99 +87515821,2450383,1,-5,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,30 mL/hr,IV,Continuous,,No,14391,59 +81067852,2450383,0,-6,No,No,DEXTROSE 5% IN WATER (D5W) IV : 1000 ML BAG,915.0,40 mL/hr,IV,See Admin Notes,,No,15545,59 +83633051,2450383,1,115,No,No,,34087.0,,Inhalation,Resp q 12 hour,,No,23309,14 +81054793,2450383,2890,2890,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,5325,56 +87088538,2450383,167,175,No,No,SODIUM CHLORIDE 0.9 % IV : 500 ML,8255.0,500 mL,IV,ONCE X1,,No,199,59 +86176071,2450383,11110,11575,No,No,SOLU-MEDROL,2876.0,40 mg,IV,q 12 hour,,No,15473,68 +87381282,2450383,2765,2765,No,No,FUROSEMIDE,3660.0,,DEVICE,Onetime,,No,2765,99 +85600649,2450383,1,-173,No,No,,3744.0,,DEVICE,Onetime,,No,-173,0 +85304647,2450383,1,-171,No,No,MIDAZOLAM,1619.0,,DEVICE,Onetime,,No,-171,0 +82423989,2450383,1,-200,No,No,ZOSYN,32900.0,3.375 Gram,IV,ONCE X1,,No,-170,19 +87804274,2462225,1,494,No,No,SYNTHROID,2849.0,,Oral,Daily EARLY,,No,9648,89 +81348633,2462225,1,-59,No,No,,1950.0,5 mg,Oral,TID PRN,,Yes,9648,77 +84454591,2462225,1,-233,No,No,VANCOMYCIN CONSULT TO PHARMACY,4042.0,1 Each,See Instruct,See Admin Notes,,No,2980,99 +86290967,2462225,1,-59,No,No,,2073.0,2 Puff,Inhalation,Resp q 6 h PRN,,Yes,9648,14 +87459332,2462225,1,-226,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 hour,,No,9648,19 +83729421,2462225,1,-46,No,No,PULMICORT RESPULE,6545.0,0.5 mg,Inhalation,Resp q 12 hour,,No,9648,14 +87060025,2462225,1,-226,No,No,LASIX,3660.0,40 mg,IV,BID 7 hour,,No,9648,56 +81202356,2462225,1,-46,No,No,,34087.0,,Inhalation,Resp q 12 hour,,No,9648,14 +82101682,2462225,1,-226,No,No,SOLU-MEDROL,2876.0,40 mg,IV,q 6 hour,,No,2400,68 +87044935,2462225,1,-59,No,No,ZOFRAN,33598.0,4 mg,IV,q 6 hour PRN,,Yes,9648,65 +88145484,2462225,1,-46,No,No,,6227.0,20 mg,Oral,Daily BEDTIME,,No,9648,41 +84679052,2469796,25,72,No,No,,13455.0,0.5 mg,Oral,TID,,No,2856,29 +83784270,2469796,33,7,No,No,,6587.0,100 mg,Oral,See Admin Notes,,No,5664,2 +84447428,2469796,10,12,No,No,SOLU-MEDROL,2876.0,,IV,q 6 hour,,No,3695,68 +83986899,2469796,7,12,No,No,SODIUM CHLORIDE 0.9 % IV : 1000 ML,8255.0,100 mL/hr,IV,Continuous,,No,3695,59 +84358131,2469796,3701,4332,No,No,SOLU-MEDROL,2876.0,,IV,q 12 hour,,No,5664,68 +85255883,2469796,21,72,No,No,,4045.0,600 mg,IV,q 6 hour,,No,5664,19 +83857426,2469796,2373,2382,No,No,LEVAQUIN,12383.0,500 mg,IV,q 24 hour,,No,5664,19 +85473603,2469796,2858,2856,No,No,PHENERGAN,12014.0,12.5 mg,IV,q 6 hour PRN,,Yes,5664,17 +85727459,2469796,2853,3012,No,No,,2073.0,2 Puff,Inhalation,,,No,5664,14 +82511903,2492811,6583,6579,No,No,ZOFRAN,33598.0,4 mg,IV,ONCE X1,,No,6588,65 +81243610,2492811,9217,9210,No,No,ZOFRAN,33598.0,4 mg,IV,q 6 hour PRN,,Yes,10220,65 +82987448,2492811,2440,2409,No,No,BUMEX,3664.0,1 mg,IV,ONCE X1,,No,2453,56 +82431768,2492811,6784,6781,No,No,,918.0,,IV,Continuous PRN,,Yes,8814,59 +80759327,2492812,1561,1546,No,No,,8255.0,500 mL,IV,ONCE X1,,No,1566,59 +84136543,2492812,272,266,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,20 mL,IV,See Admin Notes,,No,11817,59 +82855951,2492812,272,266,No,No,SODIUM CHLORIDE 0.9 % SYRINGE : 10 ML SYRINGE,8255.0,10 mL,IV,See Admin Notes,,No,11817,59 +81108433,2492812,1194,1174,No,No,GLUCAGEN,19078.0,1 mg,IM,See Admin Notes,,No,11817,59 +81824107,2492812,1,-9,No,No,DILAUDID,1695.0,1 mg,IV,q 2 hour PRN,,Yes,11817,2 +87385387,2492812,1194,1174,No,No,D50,926.0,25 Gram,IV,See Admin Notes,,No,11817,59 +86973509,2492812,160,-9,No,No,VANCOMYCIN CONSULT TO PHARMACY,4042.0,1 Each,See Instruct,See Admin Notes,,No,5470,99 +83043457,2492812,1,-9,No,No,DILAUDID,1695.0,0.3 mg,IV,q 2 hour PRN,,Yes,11817,2 +81843191,2492812,272,271,No,No,,1478.0,,See Instruct,ONCE X1,,No,236,99 +88159712,2492812,1194,1174,No,No,D50,926.0,12.5 Gram,IV,See Admin Notes,,No,11817,59 +80969534,2492812,1,1,No,No,SOLU-MEDROL,2876.0,,IV,q 6 hour,,No,8257,68 +81018077,2492812,29,541,No,No,,1652.0,100 mg,Oral,Daily BEDTIME,,No,9726,80 +86471508,2492812,63,121,No,No,ZOSYN,8738.0,4.5 Gram,IV,q 6 hour,,No,5470,19 +81511427,2512314,6388,6388,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,6388,59 +80761123,2512314,330,1017,No,No,PULMICORT RESPULE,6545.0,0.5 mg,Inhalation,Resp q 12 hour,,No,13633,14 +85704436,2512314,2,297,No,No,,34087.0,,Inhalation,Resp q 12 hour,,No,13633,14 +86403729,2512314,2,-598,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,-598,59 +80791278,2512314,3590,3837,No,No,SOLU-MEDROL,2876.0,125 mg,IV,q 6 hour,,No,4766,68 +81223394,2512314,3467,3597,No,No,K-DUR,549.0,20 mEq,Oral,ONCE X1,,No,3607,59 +86824118,2512314,1135,1135,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,1135,59 +86239198,2512314,1924,1915,No,No,GLUCAGEN,19078.0,1 mg,IM,See Admin Notes,,No,13633,59 +82359154,2512314,16,16,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,16,59 +82006211,2512314,1865,1865,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,1865,59 +85787717,2512314,4878,4878,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,4878,59 +84938294,2512314,2,-588,No,No,SOLU-MEDROL,2876.0,125 mg,IV,ONCE X1,,No,-586,68 +81742189,2512314,2,-93,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,-55,56 +81130900,2512314,7638,7638,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,7638,59 +81713762,2512314,3466,3477,No,No,K-DUR,549.0,40 mEq,Oral,ONCE X1,,No,3531,59 +82773885,2512314,3622,3622,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,3622,59 +84072778,2512314,438,438,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,438,59 +85727584,2512314,4767,4917,No,No,SOLU-MEDROL,2876.0,80 mg,IV,,,No,7033,68 +86610098,2512314,2251,2262,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,13633,56 +88201729,2512314,555,552,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,594,56 +82329865,2512314,138,138,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,138,59 +80920381,2512314,565,557,No,No,VANCOMYCIN CONSULT TO PHARMACY,4042.0,1 Each,See Instruct,See Admin Notes,,No,4766,99 +81543194,2512314,2,-93,No,No,LEVAQUIN,12383.0,750 mg,IV,q 24 hour,,No,13633,19 +87652078,2512314,1922,1915,No,No,DEXTROSE 5% IN WATER (D5W) IV : 1000 ML BAG,915.0,40 mL/hr,IV,See Admin Notes,,No,13633,59 +81755482,2512314,2,-7,No,No,ZOFRAN,33598.0,4 mg,IV,q 6 hour PRN,,Yes,13633,65 +82434556,2512314,3034,3034,No,No,SODIUM CHLORIDE 0.9%,8255.0,,DEVICE,Onetime,,No,3034,59 +87740905,2512314,2262,2262,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,2326,56 +85590948,2512314,1923,1915,No,No,D50,926.0,25 Gram,IV,See Admin Notes,,No,13633,59 +85659876,2512314,3621,3627,No,No,LASIX,3660.0,40 mg,IV,ONCE X1,,No,3624,56 +87302365,2512314,1923,1915,No,No,D50,926.0,12.5 Gram,IV,See Admin Notes,,No,13633,59 +91044262,2597776,2,-212,Yes,No,,8255.0,150 mL,IV,As needed,,Yes,3547,59 +90088793,2597776,2,-183,Yes,No,,8255.0,,IV,Continuous,,No,-102,59 +92585482,2597776,2,-207,Yes,No,15 ML CUP : POTASSIUM CHLORIDE 10 % ORAL LIQD,549.0,20-60 mEq,Oral,As needed,,Yes,10521,59 +90088794,2597776,2,-183,Yes,No,,2839.0,,IV,Continuous,,No,-102,68 +90679281,2597776,2,-183,Yes,No,,2051.0,4 MG,IV,Continuous,,No,-102,32 +89874985,2597776,8456,8472,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,75 mL/hr,IV,Continuous,,No,9807,59 +90517960,2597776,4826,4824,Yes,No,,8255.0,25 mL,IV,Continuous PRN,,Yes,28757,59 +92628068,2597776,2,-33,Yes,No,,8831.0,100 MG,Oral,3 times daily,,No,28757,44 +90272839,2597776,2,-183,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,75 mL/hr,IV,Continuous,,No,4601,59 +92024105,2597776,2,-207,Yes,No,,610.0,4 g,IV,As needed,,Yes,21452,59 +92365891,2597776,2,-212,Yes,No,,915.0,150 mL,IV,As needed,,Yes,3547,59 +91639782,2597776,2,-212,Yes,No,,915.0,150 mL,IV,As needed,,Yes,3547,59 +90174057,2597776,2,-183,Yes,No,,8738.0,4.5 g,IV,Every 6 hours,,No,-183,19 +92793465,2597777,1993,1987,Yes,No,,610.0,4 g,IV,As needed,,Yes,11158,59 +92014545,2597777,4364,4363,Yes,No,,926.0,25-50 mL,IV,As needed,,Yes,18463,59 +91917003,2609672,2,-713,Yes,No,,926.0,25-50 mL,IV,As needed,,Yes,7628,59 +90184607,2609672,4881,4907,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,50 mL/hr,IV,Continuous,,No,7628,59 +92047938,2609672,135,135,Yes,No,,8255.0,25 mL,IV,Continuous PRN,,Yes,7628,59 +92051582,2609672,4272,4292,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,50 mL/hr,IV,Continuous,,No,4934,59 +91693772,2609672,2,-13,Yes,No,,2866.0,50 MG,IV,Every 8 hours scheduled,,No,1559,68 +90279530,2609672,2,-643,Yes,No,,926.0,50 mL,IV,As needed,,Yes,7628,59 +92474761,2609672,2,-713,Yes,No,,1929.0,100 MG,Oral,,,Yes,7628,50 +89662570,2610399,182,172,Yes,No,15 ML CUP : POTASSIUM CHLORIDE 10 % ORAL LIQD,549.0,20-60 mEq,Oral,As needed,,Yes,4615,59 +91019541,2610399,181,165,Yes,No,,1929.0,100 MG,Oral,,,Yes,4615,50 +90558239,2610399,182,172,Yes,No,,610.0,4 g,IV,As needed,,Yes,4615,59 +92010270,2610399,7,-9,Yes,No,,926.0,25-50 mL,IV,As needed,,Yes,4615,59 +92583530,2627574,1238,1238,Yes,No,,8255.0,25 mL,IV,Continuous PRN,,Yes,8859,59 +91677449,2627574,2,-126,Yes,No,,8255.0,150 mL,IV,As needed,,Yes,8859,59 +91374945,2627574,2225,2218,Yes,No,,538.0,1 SPRAY,EACH NARE,As needed,,Yes,8859,62 +91763110,2627574,2,-126,Yes,No,,915.0,150 mL,IV,As needed,,Yes,8859,59 +90960469,2628859,2,-10,Yes,No,1000 ML : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,50 mL/hr,IV,Continuous,,No,1293,59 +91997264,2628859,1355,1352,Yes,No,,926.0,25-50 mL,IV,As needed,,Yes,5896,59 +90374427,2628859,2,-36,Yes,No,,2073.0,2.5 MG,nebu,As needed,,Yes,14,14 +90699749,2628859,2,-453,Yes,No,,915.0,150 mL,IV,,,No,-179,59 +90699750,2628859,2,-453,Yes,No,,4034.0,,IV,,,No,-179,20 +92733651,2628859,2,-36,Yes,No,,57.0,0.5 MG,nebu,As needed,,Yes,14,14 +90818429,2628859,2,-10,Yes,No,,2051.0,4000 MCG,IV,Continuous,,No,1938,32 +90549329,2628859,2,-173,Yes,No,,926.0,25-50 mL,IV,As needed,,Yes,1351,59 +96705436,3003035,562,541,No,No,dextrose 50 % (D50W) syringe,926.0,,IV,PRN,,Yes,32264,59 +97939323,3003035,390,424,No,No,,19858.0,1.25 mg,NEBULIZATION,,,No,4775,14 +96665095,3003035,7555,7594,No,No,0.9% NaCl infusion,8255.0,75 mL/hr,IV,Continuous,,No,7852,59 +97099873,3003035,538,538,No,No,sodium chloride 0.9 % flush 10 mL,8255.0,10 mL,IV Flush,,,Yes,599,59 +97074873,3003035,4778,4864,No,No,,19858.0,1.25 mg,NEBULIZATION,,,No,32264,14 +97010696,3003035,311,574,No,No,,13795.0,12.5 mg,Oral,,,No,32264,41 +97596918,3003035,10100,10174,No,No,sodium chloride 0.9 % flush 10 mL,8255.0,10 mL,IV Flush,2 times per day,,No,32264,59 +97450010,3003035,29355,29351,No,No,,1741.0,1 tablet,Oral,Every 4 Hours PRN,,Yes,32264,2 +97739473,3003035,538,537,No,No,,151.0,,IV,,,Yes,600,53 +97789143,3003035,6770,6799,No,No,,4842.0,,IV,Continuous,,No,24552,5 +96704417,3003035,23382,23373,No,No,,1661.0,1 mg,IM,Every 4 Hours PRN,,Yes,32264,80 +97714049,3003035,312,349,No,No,,26470.0,150 mg,Oral,2 Times Daily,,No,32264,44 +97786164,3003035,311,574,No,No,,12404.0,20 mg,Oral,,,No,32264,41 +97351294,3003035,10093,10092,No,No,sodium chloride 0.9 % flush 10 mL,8255.0,10 mL,IV Flush,PRN,,Yes,32264,59 +97567159,3003035,6907,6934,Yes,No,,8255.0,80 mL,IV,Continuous,,No,24552,59 +97440899,3003035,3411,3454,No,No,furosemide (LASIX) tablet 40 mg,3660.0,40 mg,Oral,,,No,7304,56 +97074042,3003035,10100,10092,No,No,,8255.0,,IV Flush,PRN,,Yes,32264,59 +97377924,3003035,27912,27912,No,No,,19858.0,1.25 mg,NEBULIZATION,PRN,,Yes,32264,14 +103308930,3069831,51,51,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,500 ML,IV,One Time Stat,,No,51,59 +103309347,3069831,552,653,No,No,,18084.0,40 MEQ,PO,ONE TIME One Time,,No,653,99 +103308780,3069831,-3,-180,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,One Time Stat,,No,-150,59 +103308779,3069831,-3,-274,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,500 ML,IV,One Time Stat,,No,-244,59 +103308847,3069831,-3,-338,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,One Time Stat,,No,-308,59 +103308991,3069831,121,121,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,One Time Stat,,No,121,59 +103309146,3069831,208,206,No,No,Lipitor,12404.0,40 MG,PO,ONE TIME One Time,,No,206,41 +103309716,3069831,784,773,No,No,,18084.0,40 MEQ,PO,ONE TIME One Time,,No,773,99 +103311671,3069831,2200,2198,No,No,meTOPROLOL tartrate,2102.0,12.5 MG,PO,,,No,45353,41 +104258703,3083539,252,259,No,No,,25002.0,0.5 ML,INH,Q1HP,,Yes,2856,14 +103330140,3083539,69,154,No,No,,9040.0,1 EA,NEBULIZER,,,No,6994,14 +103330108,3083539,39,34,No,No,LORazepam INJ,4846.0,1 ML,IV,STAT,,No,35,83 +103330139,3083539,67,904,No,No,,7878.0,,SQ,DAILY,,No,6994,36 +103333575,3083539,2866,3064,No,No,FAMOTIDINE,4521.0,40 MG,PO,BEDTIME,,No,6994,65 +103337134,3083539,5195,5224,No,No,,7605.0,10 MG,PO,DAILY,,No,6994,17 +103331389,3083539,1377,1624,No,No,,6545.0,0.5 ML,INH,,,No,4098,14 +103330143,3083539,69,64,No,No,,182.0,10 ML,IV,STAT,,No,65,38 +103334634,3083539,3708,3724,No,No,,1186.0,1 GM,PO,ACHS,,No,6994,65 +102234730,3090122,9660,9659,No,No,,2812.0,2 MG,PO,,,No,9660,36 +102222885,3090122,718,719,No,No,,1661.0,0.5 ML,IV,Q6HP,,Yes,3128,80 +102222983,3090122,723,719,No,No,,14778.0,"1,000 ML",IV,,,No,1604,59 +102237957,3090122,11877,11879,No,No,,1975.0,12.5 MG,PO,Q8HP,,Yes,13582,65 +102222609,3090122,529,539,No,No,LORazepam INJ,4846.0,0.5 ML,IV,Q6HP,,Yes,3128,83 +104202802,3090122,5114,5114,No,No,,223.0,10 ML,PO,Q6HP,,Yes,13582,50 +102226207,3090122,3365,3360,No,No,MAGNESIUM OXIDE,609.0,400 MG,PO,DAILY,,No,11176,59 +102224097,3090122,1607,1709,No,No,FUROSEMIDE,3660.0,20 MG,PO,DAILY,,No,3360,56 +102230499,3090122,6510,6509,No,No,,1186.0,1 GM,PO,ACHS,,No,13582,65 +102237234,3090122,11182,11729,No,No,MAGNESIUM OXIDE,609.0,400 MG,PO,,,No,12005,59 +102238091,3090122,12010,12149,No,No,MAGNESIUM OXIDE,609.0,400 MG,PO,TID,,No,13582,59 +102231550,3090122,7475,8039,No,No,,2812.0,2 MG,PO,,,No,13403,36 +102230121,3090122,6268,6269,No,No,,1169.0,30 ML,PO,Q6HP,,Yes,6503,65 +102221655,3090122,115,269,No,No,FUROSEMIDE,3660.0,20 MG,PO,,,No,269,56 +104202439,3090122,119,989,No,No,SIMVASTATIN,6312.0,10 MG,PO,BEDTIME,,No,989,41 +102224071,3090122,1581,1859,No,No,,9040.0,1 EA,NEBULIZER,,,No,13582,14 +102224062,3090122,1571,1709,No,No,HALOPERIDOL,1662.0,0.25 MG,PO,TID,,No,3128,80 +102221867,3090122,251,269,No,No,FUROSEMIDE INJ,3660.0,20 ML,IV,,,No,1600,56 +102229705,3090122,6018,6029,No,No,,10321.0,5 MG,PO,DAILY,,No,13582,80 +102221653,3090122,115,269,No,No,CLOPIDOGREL BISULFATE,17539.0,75 MG,PO,DAILY,,No,13582,35 +102221670,3090122,115,269,No,No,MAGNESIUM OXIDE,609.0,400 MG,PO,DAILY,,No,269,59 +102221652,3090122,115,269,No,No,,7878.0,30 ML,SQ,DAILY,,No,13403,36 +102506838,3096492,509,1151,No,No,LEVOTHYROXINE SODIUM,2849.0,0.1 MG,ORAL,,,No,44350,89 +102516215,3096492,6092,6101,No,No,,2812.0,2.5 MG,ORAL,,,No,7019,36 +102511289,3096492,3171,3176,No,No,,1621.0,25 MG,ORAL,,,Yes,46375,80 +102512955,3096492,4279,4661,No,No,,26407.0,,SUBCUTANEOUS,,,No,47860,71 +102506841,3096492,509,1301,No,No,PANTOPRAZOLE,22008.0,40 MG,ORAL,QDAY,,No,800,65 +102506518,3096492,324,761,No,No,,4054.0,500 MG,INTRAVENOUS,Q8H,,No,2261,19 +102510310,3096492,2761,2771,No,No,,807.0,30 GM,ORAL,PRN,,Yes,45970,59 +102515451,3096492,5807,5816,No,No,,26407.0,,SUBCUTANEOUS,ONE,,No,5817,71 +102510309,3096492,2761,2771,No,No,,807.0,0 GM,ORAL,PRN,,Yes,45970,59 +102510303,3096492,2759,3221,No,No,,26407.0,5 UNIT,SUBCUTANEOUS,,,No,4277,71 +102510305,3096492,2760,3221,No,No,,2812.0,5 MG,ORAL,,,No,2774,36 +102510304,3096492,2760,4181,No,No,PANTOPRAZOLE,22008.0,40 MG,ORAL,QDAY,,No,47380,65 +102510490,3096492,2777,3221,No,No,,2812.0,2 MG,ORAL,,,No,6089,36 +102507073,3096492,614,1301,No,No,PANTOPRAZOLE SODIUM,22008.0,40 MG,INTRAVENOUS,QDAY,,No,2757,65 +102510313,3096492,2761,2771,No,No,,807.0,0 GM,ORAL,PRN,,Yes,45970,59 +102505843,3096492,45,56,No,No,ALBUTEROL 0.083%,2073.0,3 ML,INHALATION,,,Yes,43255,14 +102517386,3096492,7023,7001,No,No,PHYTONADIONE,1040.0,2.5 MG,ORAL,ONE,,No,7121,95 +102808243,3099740,279,375,No,No,,8831.0,200 MG,Oral,TID,,No,43574,44 +102419597,3122442,2,-168,No,No,DEXTROSE 50% ADULT,926.0,25 G,IV,,,Yes,50,59 +102419986,3122442,170,170,No,No,,1948.0,200 MG,IV,One Time Stat,,No,170,32 +102419987,3122442,170,170,No,No,,4842.0,200 MG,IV,One Time Stat,,No,170,5 +102419949,3122442,171,171,No,No,,25386.0,100 MCG,IV,One Time Stat,,No,171,2 +102419870,3122442,131,131,No,No,,25386.0,100 MCG,IV,One Time Stat,,No,131,2 +102419598,3122442,2,-168,No,No,GLUCAGEN,19078.0,1 MG,IM,,,Yes,794,59 +102419567,3122442,1,-7384,No,No,,538.0,2 SPRAY,NAS,,,No,794,62 +102419565,3122442,1,-7635,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,One Time Stat,,No,-7465,59 +102419557,3122442,1,-7910,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,500 ML,IV,One Time Stat,,No,-7880,59 +102419556,3122442,1,-7911,No,No,,5175.0,30 MG,IV,ONE TIME One Time,,No,-7911,2 +102419554,3122442,1,-8017,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,500 ML,IV,One Time Stat,,No,-7987,59 +102419558,3122442,1,-7871,No,No,cefTRIAXone,3996.0,1 G,IV,ONE TIME One Time,,No,-7871,20 +102419583,3122442,2,-2584,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,,,No,-1206,59 +102419576,3122442,1,-2941,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,,,No,-2584,59 +102419596,3122442,2,-168,No,No,DEXTROSE 50% ADULT,926.0,12.5 G,IV,,,Yes,50,59 +102419574,3122442,1,-5130,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,500 ML,IV,One Time Stat,,No,-5070,59 +102419645,3122442,27,26,No,No,,25386.0,50 MCG,IV,,,Yes,794,2 +102419644,3122442,26,26,No,No,,25386.0,25 MCG,IV,,,Yes,794,2 +102419593,3122442,2,-1206,Yes,No,SODIUM CHLORIDE 0.9%,8255.0,1000 ML,IV,,,No,794,59 +102696238,3128596,99,102,No,No,,4833.0,300 MG,Oral,ONE,,No,103,38 +105615904,3193216,361,382,No,No,,1878.0,100 MG,IV,Q8H SCH,,No,3375,44 +105498878,3193216,24,37,No,No,PANTOPRAZOLE SODIUM 40 MG PO TBEC,22008.0,40 MG,PO,QAM,,No,3375,65 +105306866,3193216,24,16,No,No,IPRATROPIUM-ALBUTEROL 0.5-2.5 (3) MG/3ML IN SOLN,,3 ML,Nebulization,Q4H PRN,,Yes,3375,0 +104430511,3193216,24,37,No,No,PANTOPRAZOLE SODIUM 40 MG IV SOLR,22008.0,40 MG,IV,QAM,,No,3375,65 +105111911,3193216,24,16,No,No,OXYCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1741.0,,PO,Q4H PRN,,Yes,3375,2 +106703844,3211257,4413,4524,No,No,SODIUM CHLORIDE FLUSH,,10 ML,INT,Q6,,No,7694,0 +106359063,3211257,1520,1524,No,No,,14778.0,ML,IV,,,No,4412,59 +108574404,3211257,4413,4404,No,No,SODIUM CHLORIDE FLUSH,,10 ML,INT,PRN,,Yes,7694,0 +108607503,3211257,10,-6,No,No,LACTATED RINGERS,525.0,ML,IV,,,No,1499,59 +107224609,3244585,1,-228,No,No,LACTATED RINGERS,525.0,ML,IV,,,No,5478,59 +107700997,3244585,4230,4992,No,No,ENOXAPARIN INJ,7878.0,40 MG,SUBQ,QAM,,No,5478,36 +108645122,3244585,1,-63,No,No,METOPROLOL INJ,2102.0,5 MG,IV PUSH,STAT,,No,-62,41 +106961224,3244585,1,672,No,No,ENOXAPARIN INJ,7878.0,40 MG,SUBQ,QAM,,No,1213,36 +107363121,3244585,1,792,No,No,ALBUTEROL 0.5% NEB,2073.0,2.5 MG,INH/NEB,QDAY,,No,792,14 +108462871,3244585,1,672,No,No,,6341.0,30 MG,PO,QAM,,No,5478,38 +106377034,3244585,699,732,Yes,No,POTASSIUM CHLORIDE INJ,549.0,40 MEQ,IV,,,No,981,59 +106386057,3246790,4571,4571,No,No,,3717.0,,PO,QAM,,No,7271,11 +107702531,3246790,27,161,No,No,"INSULIN LISPRO, RECOMBINANT",11528.0,0 Unit,SUBQ,,,No,1199,71 +108317421,3246790,1216,1301,No,No,"INSULIN LISPRO, RECOMBINANT",11528.0,0 Unit,SUBQ,,,No,6113,71 +108243468,3246790,5929,5921,No,No,"INSULIN LISPRO, RECOMBINANT",11528.0,0 Unit,SUBQ,,,No,7271,71 +106880954,3246790,6173,6221,No,No,,89.0,50 MG,PO,TID,,No,7271,41 +107936279,3246790,5043,5027,No,No,hydrALAZINE INJ,89.0,10 MG,IV PUSH,STAT,,No,5028,41 +107389964,3246790,5043,5261,No,No,,89.0,25 MG,PO,TID,,No,6154,41 +107174688,3246790,11,11,No,No,SODIUM CHLORIDE 0.9%,8255.0,ML,IV,,,No,106,59 +106092813,3246790,1639,1661,No,No,,,,NARE BOTH,PRN,,Yes,7271,0 +108050545,3246790,1894,1901,No,No,,8317.0,25 MG,PO,Q6H,,Yes,7271,2 +111001519,3348292,8257,8935,Yes,No,,35793.0,10 mL,Intravenous,Continuous,,No,10385,59 +111614734,3348292,9804,9820,No,No,,768.0,0-20 Units,Subcutaneous,Before meals & nightly,,No,19914,71 +111001518,3348292,8257,8935,Yes,No,,26698.0,10 mL,Intravenous,Continuous,,No,10385,95 +111645420,3348292,13,-69,Yes,No,PANTOPRAZOLE 40 MG INTRAVENOUS SOLUTION,22008.0,80 MG,Intravenous,Continuous,,No,797,65 +111813442,3348292,6905,7495,Yes,No,,26698.0,10 mL,Intravenous,Continuous,,No,8970,95 +111916298,3348292,6946,7495,No,No,,525.0,75 mL/hr,Intravenous,Continuous,,No,27274,59 +110961783,3348292,766,790,Yes,No,,523.0,150 MEQ,Intravenous,Continuous,,No,2595,59 +111813443,3348292,6905,7495,Yes,No,,35793.0,10 mL,Intravenous,Continuous,,No,8970,59 +111922807,3348292,6905,6900,No,No,,918.0,,Intravenous,Continuous PRN,,Yes,19765,59 +111522808,3348292,3026,3020,No,No,,1619.0,1 mg,Intravenous,Q4H PRN,,Yes,14220,5 +111202528,3348293,4577,4576,No,No,,89.0,10 mg,Intravenous,Q4H PRN,,Yes,17664,41 +110964180,3348293,2618,3400,No,No,,2749.0,,Intravenous,Continuous,,No,4898,65 +111601796,3348293,14422,14416,No,No,,1742.0,5 mg,Oral,BID PRN,,Yes,17664,2 +111763832,3352230,11409,11406,No,Yes,ATORVASTATIN,12404.0,40 MG,ORAL,,,No,0,41 +111903528,3352230,3663,3659,Yes,No,,582.0,100 ML,INTRAVEN,,,No,3659,59 +110716851,3352230,11419,11667,No,Yes,ATORVASTATIN,12404.0,80 MG,ORAL,,,No,0,41 +110998888,3352230,289,288,No,No,,4842.0,100 ML,INTRAVEN,DRIP,,No,2227,5 +111616278,3352230,4342,4319,No,Yes,,3836.0,,ORAL,Q6HRSPRN,,Yes,0,0 +110823872,3352230,9618,9614,No,Yes,,1168.0,20 ML,ORAL/TUBE,Q4HRSPRN,,Yes,0,65 +111170515,3352230,4342,4467,No,Yes,,6227.0,40 MG,ORAL,,,No,0,41 +111605975,3352230,7232,7526,Yes,No,,3976.0,100 ML,INTRAVEN,Q8H,,No,10642,20 +110709203,3352230,6941,7047,Yes,No,,3976.0,100 ML,INTRAVEN,Q8H,,No,6942,20 +111810905,3352230,18177,18168,No,Yes,CLOPIDOGREL BISULFATE,17539.0,75 MG,ORAL,DAILY,,No,0,35 +111127511,3352230,13071,13077,No,Yes,,6438.0,25 MCG,TRANSDERM,,,No,0,2 +111452160,3352230,2969,3027,No,Yes,,21772.0,2 TAB,ORAL,QHS,,No,0,65 +111082894,3352230,1099,1167,No,Yes,ALBUTEROL/IPRATROPIUM NEB,9040.0,1 EACH,INHALATION,,,No,0,14 +111748051,3352230,3669,3747,No,Yes,PANTOPRAZOLE,22008.0,40 MG,ORAL,DAILY,,No,0,65 +111050545,3352230,14207,14367,No,Yes,,4480.0,5 ML,ORAL,Q6H,,No,0,83 +111920208,3352230,17065,17064,No,Yes,CLOPIDOGREL BISULFATE,17539.0,75 MG,ORAL,DAILY,,No,0,35 +111273876,3352230,4342,4347,No,Yes,,6438.0,25 MCG,TRANSDERM,,,No,0,2 +111903452,3352230,286,282,Yes,No,,2810.0,500 ML,INTRAVEN,DRIP,,No,3663,36 +111474586,3352230,4342,4325,No,Yes,HYDRALAZINE HCL,89.0,10 MG,INTRAVEN,Q4HRSPRN,,Yes,0,41 +111422442,3352230,2245,2224,No,Yes,,2028.0,0.2 MG,INTRAVEN,Q4HRSPRN,,Yes,0,65 +111556203,3352230,6943,7047,No,No,,25040.0,50 ML,INTRAVEN,Q8H,,No,7232,20 +111495744,3352230,3663,3687,No,Yes,FUROSEMIDE,3660.0,20 MG,INTRAVEN,BIDDIURE,,No,0,56 +111435097,3352230,2263,2307,Yes,No,,582.0,100 ML,INTRAVEN,,,No,2307,59 +111321185,3352230,805,797,Yes,No,,582.0,100 ML,INTRAVEN,,,No,797,59 +111839680,3352231,2,-74,No,Yes,HYDROCODONE/APAP 5MG/325MG,1730.0,2 TAB,ORAL,Q4HRSPRN,,Yes,0,2 +111565313,3352231,281,275,No,Yes,,2810.0,,INTRAVEN,PRN,,Yes,0,36 +111928449,3352231,2,-129,No,Yes,ONDANSETRON HCL,33598.0,4 MG,INTRAVEN,Q6HRSPRN,,Yes,0,65 +111590879,3352231,1287,1643,Yes,No,,3976.0,100 ML,INTRAVEN,Q8H,,No,3023,20 +111796311,3352231,2,-129,No,Yes,ENOXAPARIN,7878.0,40 MG,SUBCUTAN,QDAYLMWH,,No,-76,36 +111373983,3352231,281,275,No,No,,2808.0,500 ML,INTRAVEN,DRIP,,No,1164,36 +111469304,3352231,2,-129,No,Yes,,1168.0,20 ML,ORAL,Q4HRSPRN,,Yes,0,65 +111838861,3352231,2,-129,No,Yes,ASPIRIN EC,1820.0,81 MG,ORAL,DAILY,,No,0,2 +110698894,3352231,2,83,No,Yes,ATORVASTATIN,12404.0,80 MG,ORAL,,,No,0,41 +111494192,3352231,2,-74,No,Yes,MORPHINE 2MG/ML,1694.0,2 MG,INTRAVEN,,,Yes,1366,2 +111093480,3352231,2,-74,No,Yes,ONDANSETRON HCL,33598.0,4 MG,INTRAVEN,Q6HRSPRN,,Yes,0,65 +110649564,3352231,1282,1263,No,Yes,FUROSEMIDE,3660.0,40 MG,INTRAVEN,Q6HRSPRN,,Yes,2703,56 +110964570,3352231,2,-74,No,Yes,,1168.0,20 ML,ORAL,Q4HRSPRN,,Yes,0,65 +111665600,3352231,1290,1263,No,Yes,MORPHINE 2MG/ML,1694.0,2-4 MG,INTRAVEN,Q1HRSPRN,,Yes,8463,2 +111675827,3352231,2,-129,No,Yes,ACETAMINOPHEN,1866.0,650 MG,ORAL,Q4HRSPRN,,Yes,0,2 +110663659,3352231,1282,1263,No,No,MAGNESIUM SULFATE 2GM/50ML,610.0,50 ML,INTRAVEN,PRN,,Yes,19964,59 +111716962,3352231,2,-74,No,Yes,HYDROCODONE/APAP 5MG/325MG,1730.0,1 TAB,ORAL,Q4HRSPRN,,Yes,0,2 +111463804,3352231,1282,1263,No,Yes,ACETAMINOPHEN,1866.0,650 MG,NGTUBE,Q4HRSPRN,,Yes,0,2 +111649470,3352231,2,-74,No,Yes,ACETAMINOPHEN,1866.0,650 MG,ORAL,Q4HRSPRN,,Yes,0,2 +111042343,3352231,1282,1263,No,Yes,,1661.0,0.5-1 MG,INTRAVEN,Q4HRSPRN,,Yes,0,80 +111286992,3352231,1283,1263,No,Yes,SODIUM BICARBONATE 8.4%,523.0,50 MEQ,INTRAVEN,PRN,,Yes,0,59 +111670754,3352231,1283,1263,No,No,POTASSIUM CL IN WATER 20MEQ/50,549.0,50 ML,INTRAVEN,PRN,,Yes,19964,59 +111740616,3352231,1282,1263,No,Yes,PANTOPRAZOLE,22008.0,40 MG,INTRAVEN,DAILY,,No,0,65 +110958503,3352231,1282,1263,No,No,,2728.0,25 G,INTRAVEN,PRN,,Yes,2703,35 +110721546,3352231,1283,1263,No,Yes,ONDANSETRON HCL,33598.0,4 MG,INTRAVEN,Q6HRSPRN,,Yes,0,65 +111335076,3352231,1282,1263,No,Yes,ACETAMINOPHEN,1866.0,650 MG,ORAL,Q4HRSPRN,,Yes,0,2 +110850155,3352231,1281,1263,Yes,No,,183.0,500 ML,INTRAVEN,DRIP,,No,5038,38 +110800179,3352231,1279,1268,No,No,DEXTROSE 5%/NACL 0.45%,936.0,"1,000 ML",INTRAVEN,,,No,5038,59 +110936904,3352231,1282,1263,No,Yes,ACETAMINOPHEN,1866.0,650 MG,RECTAL,Q4HRSPRN,,Yes,0,2 +111109960,3352231,1280,1268,No,No,DEXTROSE 5%/NACL 0.45%,936.0,500 ML,INTRAVEN,,,No,5039,59 +110765605,3352231,1282,1263,No,No,LACTATED RINGERS,525.0,250 ML,INTRAVEN,PRN,,Yes,2703,59 +8302065,141764,178,1486,No,No,LISINOPRIL 10 MG PO TABS,132.0,10 3,PO,Daily,,No,489,0 +6785010,141765,133,136,No,No,WARFARIN SODIUM 2.5 MG PO TABS,2812.0,2.5 3,PO,MWF,,No,2739,0 +7401392,165752,744,810,No,No,NICOTINE 21 MG/24HR TD PT24,,1 5011,TD,Daily,,No,3737,0 +9727185,165753,1,44,No,No,THIAMINE HCL 100 MG PO TABS,,100 3,PO,Daily,,No,2249,0 +8345746,165753,1,44,No,No,FOLIC ACID 1 MG PO TABS,,1 3,PO,Daily,,No,2250,0 +8258973,165753,1,-103,No,No,1 ML VIAL : DEXAMETHASONE SODIUM PHOSPHATE 4 MG/ML IJ SOLN,,4 3,IV,Once PRN,,Yes,-1,0 +8171271,165753,1,-73,No,No,10 ML CUP : MAGNESIUM HYDROXIDE 2400 MG/10ML PO SUSP,,10 1,PO,Daily PRN,,Yes,3751,0 +7874847,178858,2,-387,No,No,2 ML VIAL : MIDAZOLAM HCL 2 MG/2ML IJ SOLN,1619.0,2 3,IV,Once PRN,,Yes,-301,5 +7286234,178858,43,30,No,No,,,,TP,Q12H SCH,,No,1598,0 +7677202,210641,23,426,No,No,,,2 5006,IN,BID,,No,3907,0 +7884040,210641,434,516,No,No,AMLODIPINE BESYLATE 10 MG PO TABS,6494.0,10 3,PO,Daily,,No,476,0 +6804426,210641,653,741,Yes,No,AZITHROMYCIN 500 MG IV SOLR,6334.0,500 MG,IV,Daily,,No,3907,19 +8281933,210641,3326,3396,No,No,2 ML - FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 3,IV,Daily,,No,3907,56 +9817812,210642,1,1330,No,No,THIAMINE HCL 100 MG PO TABS,1075.0,100 3,PO,Daily,,No,3911,0 +9707323,210642,1,-51,No,No,20 ML - LABETALOL HCL 5 MG/ML IV SOLN,2095.0,10 3,IV,Q6H PRN,,Yes,3911,41 +7103016,210642,1,1330,No,No,FOLIC ACID 1 MG PO TABS,1062.0,1 3,PO,Daily,,No,3911,0 +9958789,210642,1,430,No,No,2 ML - FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 3,IV,BID,,No,3288,56 +7473595,217837,1526,1501,No,No,OXYCODONE HCL 5 MG PO TABS,1742.0,5-10 3,PO,Q3H PRN,,Yes,1550,0 +7563884,217837,833,831,No,No,OXYCODONE HCL 5 MG PO TABS,1742.0,,PO,Q3H PRN,,Yes,1501,0 +9577092,217837,1551,1550,No,No,OXYCODONE HCL 5 MG PO TABS,1742.0,5-10 3,PO,Q3H PRN,,Yes,4359,0 +10800192,217838,-6,-124,No,No,1 ML VIAL : DEXAMETHASONE SODIUM PHOSPHATE 4 MG/ML IJ SOLN,2888.0,4 3,IV,Once PRN,,Yes,-1,68 +9710221,217838,29,0,No,No,10 ML CUP : MAGNESIUM HYDROXIDE 2400 MG/10ML PO SUSP,1329.0,10 1,PO,Daily PRN,,Yes,4408,0 +6761818,217838,29,0,No,No,OXYCODONE HCL 5 MG PO TABS,1742.0,5-10 3,PO,Q3H PRN,,Yes,880,0 +11187978,217838,26,1032,No,No,TIOTROPIUM BROMIDE MONOHYDRATE 18 MCG IN CAPS,,,IN,Daily,,No,4408,0 +9050933,217838,29,0,No,No,,4480.0,12.5 3,PO,Q6H PRN,,Yes,4408,0 +12880806,257802,4338,4955,No,No,,2841.0,,PO,HS,,No,4493,68 +13950315,257802,-5,-236,No,No,,,,.ROUTE,.STK-MED,,No,-236,0 +14186521,257802,-5,-237,No,No,,,,.ROUTE,.STK-MED,,No,-237,0 +13274729,257802,-5,-236,No,No,,,30 GM,.ROUTE,.STK-MED,,No,-236,0 +12328733,257802,633,631,No,No,ONDANSETRON INJ,6055.0,4 MG,IVP,.STK-MED,,No,633,65 +14211836,257802,-5,-237,No,No,fentaNYL CITRATE INJ,,100 MCG,.ROUTE,.STK-MED,,No,-237,0 +12230850,257802,633,631,No,No,,10027.0,,INH,.STK-MED,,No,633,5 +12388478,257802,-5,-236,No,No,,,1 EACH,.ROUTE,.STK-MED,,No,-236,0 +14253713,257802,633,631,No,No,,2028.0,,IV,.STK-MED,,No,633,65 +12450506,257802,-5,-236,No,No,,,,.ROUTE,.STK-MED,,No,-236,0 +13155588,263285,114,114,Yes,No,,523.0,150 MEQ,IV,TITRATE,,No,1369,59 +12255313,263285,40,29,No,No,,768.0,,IV,TITRATE,,No,1417,71 +12395556,263285,75,8,No,No,ONDANSETRON INJ,,4 MG,.ROUTE,.STK-MED,,No,75,0 +12485828,263285,40,29,No,No,,918.0,ML,IV,TITRATE,,Yes,1418,59 +11842739,263285,81,544,No,No,,4521.0,20 MG,IVP,BID,,No,1417,65 +13925575,263285,41,29,Yes,No,,523.0,150 MEQ,IV,TITRATE,,No,115,59 +12807620,281132,2589,2575,No,No,,19858.0,,NEB,,,No,5739,14 +13101001,281132,1191,1175,No,No,,206.0,10 ML,PO,6H,,Yes,5739,50 +11717338,281132,110,80,No,No,,20607.0,75 MG,PO,BID,,No,5739,21 +14410799,281132,2600,2630,No,No,,1241.0,1 TAB,PO,BID,,No,5739,65 +13816152,284517,234,15,Yes,No,,4042.0,0 MG,IV,Q24H,,No,234,19 +13783388,284517,72,68,No,No,MIDAZOLAM INJ,,4 MG,.ROUTE,.STK-MED,,No,71,0 +14463326,284517,233,790,Yes,No,"VANCOMYCIN INJ 1,000 MG VIAL.",4042.0,1000 MG,IV,Q12H,,No,479,19 +13737900,284517,2,-3,No,No,fentaNYL CITRATE INJ,,100 MCG,.ROUTE,.STK-MED,,No,-2,0 +12735502,284517,46,15,Yes,No,,2051.0,4 MG,IV,TITRATE,,No,390,32 +14384738,284517,389,385,Yes,No,,2051.0,4 MG,IV,TITRATE,,No,479,32 +12462387,284517,28,25,No,No,fentaNYL CITRATE INJ,,500 MCG,.ROUTE,.STK-MED,,No,27,0 +14382913,284517,2,-38,No,No,fentaNYL CITRATE INJ,,100 MCG,.ROUTE,.STK-MED,,No,-35,0 +14397348,284517,2,-97,No,No,,,50 ML,.ROUTE,.STK-MED,,No,-93,0 +16730256,313055,4,-24,No,No,ATORVASTATIN 40 MG TABLET,12404.0,80 mg,Oral,2100,,No,722,41 +16689669,313055,723,1356,No,No,,12404.0,20 mg,Oral,2100,,No,2222,41 +17480493,313055,4,636,No,No,,132.0,5 mg,Oral,0900,,No,2036,41 +14932900,313055,2040,2076,No,No,,132.0,2.5 mg,Oral,0900,,No,2222,41 +15654327,313055,4,-24,No,No,,6323.0,25 mg,Oral,0900,,No,2222,41 +18200141,342377,5776,5768,No,No,"POTASSIUM CHLORIDE ER 20 MEQ TABLET,EXTENDED RELEASE(PART/CRYST)",549.0,20 mEq,Oral,0900,,No,7575,59 +14516418,367912,5840,5845,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,0,59 +17304768,367912,873,880,No,No,,34344.0,200 mg,IV,2100,,No,2034,23 +14594931,367912,8761,8785,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,0,59 +15743280,378120,1,-584,No,No,"POTASSIUM CHLORIDE ER 20 MEQ TABLET,EXTENDED RELEASE(PART/CRYST)",549.0,40 mEq,Oral,,,No,-556,59 +18306407,395323,289,416,No,No,,11582.0,6 mg,Oral,"0900,1500,2100",,No,7245,77 +18457644,420354,936,952,No,No,,26470.0,50 mg,Oral,"0900,1500,2100",,No,2826,44 +15613599,420354,2387,3712,No,No,,132.0,20 mg,Oral,0900,,No,2826,41 +15637394,420354,2,7,No,No,,21772.0,2 tablet,Oral,0900,,No,2826,65 +16963564,420354,2,7,No,No,,26521.0,60 mg,Oral,0900,,No,2826,80 +15934915,420354,2,7,No,No,,1053.0,500 mcg,Oral,0900,,No,2826,95 +14844612,420354,2,-143,No,No,,1730.0,1 tablet,Oral,,,No,-162,2 +19074117,436993,30,-100,No,No,ROXICODONE,1742.0,5 MG,PO,Q4HPRN,,Yes,7030,2 +19115396,436993,4,-3972,No,No,,17876.0,250 MG,PO,BID,,No,7030,65 +21279139,436993,67,50,Yes,No,,8255.0,250 ml,IV,,,No,69,59 +19915123,436993,4,-3340,No,No,LOPRESSOR,2102.0,50 MG,PO,BID,,No,7030,41 +19874015,439621,1,-273,No,No,COMPAZINE,1628.0,10 MG,IV,ONCE,,No,-273,65 +20177516,439621,1,-284,No,No,REGLAN,2148.0,10 MG,IV,ONCE,,No,-276,65 +19343326,439621,1,-204,No,No,TORADOL,5175.0,30 MG,IV,ONCE,,No,-204,2 +22280426,439621,1,-284,No,No,TORADOL,5175.0,30 MG,IV,ONCE,,No,-276,2 +21179207,439621,1,-283,No,No,BENADRYL,4480.0,25 MG,IV,ONCE,,No,-276,17 +18808272,439621,1,-179,No,No,MORPHINE SULFATE,1694.0,2 MG,IVP,Q4HPRN,,Yes,1246,2 +19059551,439621,1,-283,No,No,Protonix,22008.0,40 MG,IV,ONCE,,No,-276,65 +21146515,439621,1,-149,No,No,LOVENOX,7878.0,40 MG,SUBQ,Q24H,,No,1246,36 +18624741,475290,860,865,No,No,MORPHINE SULFATE,,2 MG,IVP,,,Yes,2776,0 +21015707,475290,1,-101,Yes,No,,,500 ML,IV,,,No,79,0 +21431034,475290,1,-95,No,No,TRANDATE,,5 MG,IVP,Q4HPRN,,Yes,2776,0 +21185078,475290,1,-95,No,No,MORPHINE SULFATE,,2 MG,IVP,Q4HPRN,,Yes,855,0 +19583507,482789,585,584,No,No,heparin (porcine),2810.0,,IV,ONDEM,,No,765,36 +20752022,482789,491,489,No,No,heparin (porcine),2810.0,,SUBQ,ONDEM,,No,490,36 +22353857,482789,23,23,No,No,,25009.0,10 MG,PO,HS,,No,0,41 +20744654,485952,46,60,Yes,No,,549.0,20 MEQ,IV,ONDEM,,Yes,474,59 +20744653,485952,46,60,Yes,No,,14778.0,1000 ML,IV,ONDEM,,Yes,474,59 +20744655,485952,46,60,Yes,No,,551.0,,IV,ONDEM,,Yes,474,59 +19446201,485952,1,76,Yes,No,,549.0,10 MEQ,IV,,,No,474,59 +20474956,485952,483,481,Yes,No,,934.0,1000 ML,IV,,,No,2348,59 +20246292,485952,928,931,Yes,No,,934.0,1000 ML,IV,,,No,2121,59 +18549328,485952,604,661,No,No,CARDIZEM,182.0,10 MG,IV,ONCE,,No,616,38 +20468699,485952,1,496,No,No,LOVENOX,7878.0,40 MG,SUBQ,Q24H,,No,3415,36 +21051158,485952,1,-74,No,No,TRANDATE,2095.0,5 MG,IVP,Q4HPRN,,Yes,3415,41 +22082628,533168,523,510,No,No,,,200 MG,PO,ONCE,,No,510,0 +18927808,533168,5175,5163,No,No,APRESOLINE,,50 MG,PO,,,No,8693,0 +20053856,533168,586,580,No,No,MORPHINE SULFATE,,2 MG,IV,ONCE,,No,580,0 +21320424,533168,216,215,No,No,LOPRESSOR,,5 MG,IV,Q4HPRN,,Yes,8693,0 +18860497,533168,1375,1359,No,No,LANOXIN,,0.25 MG,IV,ONCE,,No,1359,0 +21841614,533168,212,212,No,No,LOPRESSOR,,50 MG,PO,BID,,No,3149,0 +22140534,533168,215,214,No,No,LOVENOX,,40 MG,SUBQ,,,No,1361,0 +19548268,533168,5204,5283,No,No,KLONOPIN,,0.5 MG,PO,BID,,No,8183,0 +20182860,533168,3207,3843,No,No,LOPRESSOR,,100 MG,PO,BID,,No,8693,0 +20616706,533168,4638,4610,No,No,NORVASC,,5 MG,PO,BID,,No,8693,0 +27039380,580972,2,-38,No,No,ENOXAPARIN 40 MG/0.4 ML SYR,7878.0,40 mg,SubQ,Q24H,,No,1495,36 +25025633,580972,1166,1172,No,No,FAMOTIDINE 20 MG TAB,4521.0,20 mg,PO,BID,,No,1495,65 +30531632,608373,787,1106,No,No,,13795.0,12.5 mg,PO,BIDMEAL,,No,864,41 +34565282,608373,867,1106,No,No,,13795.0,12.5 mg,PO,BIDMEAL,,No,11684,41 +31723046,608375,1025,1017,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,50 mcg,IV Push,Q30MIN,,Yes,1486,2 +27081167,608375,1807,1793,No,No,ENOXAPARIN 40 MG/0.4 ML SYR,7878.0,40 mg,SubQ,Q24H,,No,13391,36 +28447344,608375,1051,1050,No,No,NALOXONE 0.4 MG/1 ML SDV INJ,1874.0,0.4 mg,IV,ONCALL X10,,Yes,13391,9 +34506830,608375,492,488,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,50 mcg,IV Push,Q30MIN,,Yes,852,2 +24384388,639917,24,13,No,No,ENOXAPARIN 40 MG/0.4 ML SYR,7878.0,40 mg,SubQ,Q24H,,No,2530,36 +26080043,639917,25,11,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,50 mcg,IV Push,Q30MIN,,Yes,2530,2 +30247077,654286,47,675,No,No,LEVOFLOXACIN 750 mg in D5W 150mL,12383.0,750 mg,IV,Q24H,,No,2101,19 +33075850,654286,2,-388,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,0.25 mg,IV Push,,,Yes,187,2 +25392629,654286,2,-340,No,No,NALOXONE 0.4 MG/1 ML SDV INJ,1874.0,,IV Push,,,Yes,187,9 +31544777,654286,2,-968,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,ONCALL X1,,No,-955,59 +34592818,654286,2,-765,No,No,cefTRIAXone 1 GRAM in NS 50 mL IVPB,3996.0,1 Gm,IVPB,Q24H,,No,120,19 +30056210,663910,-54,-849,No,No,,3979.0,2 Gm,IVPB,ONCALL X1,,No,-488,19 +26462895,663910,-54,-571,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q30MIN X2,,Yes,-213,2 +33725000,663910,-54,-571,No,No,PROMETHAZINE 25 MG/1 ML 1ML SDV INJ,12014.0,6.25 mg,IV,Q30MIN X4,,Yes,4,17 +29292981,663910,-54,-219,No,No,NALOXONE 0.4 MG/1 ML SDV INJ,1874.0,0.4 mg,IV,ONCALL X10,,Yes,4269,9 +34186861,663910,-54,-572,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,0.5 mg,IV Push,,,Yes,4,2 +30191133,663910,818,951,No,No,ENOXAPARIN 40 MG/0.4 ML SYR,7878.0,40 mg,SubQ,Q24H,,No,4269,36 +27856802,663910,-54,-99,No,No,IPRAtropium 0.5 MG/2.5ML UD INH SOLN,57.0,0.5 mg,SVN,RSPQ6H,,No,2804,14 +27227449,758779,8862,8858,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,30 Gm,PO,ONCALL,,Yes,9072,59 +23279862,758779,8862,8858,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,QIDACHS,,Yes,9072,71 +27589247,758779,6,-256,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,25 mcg,IV Push,Q2MIN X5,,Yes,20,2 +34507511,758779,3,-9637,No,No,DEXTROSE 50% 25 GRAM/50 ML SYR,926.0,25 Gm,IV Push,ONCALL,,Yes,8862,59 +28594481,758779,8862,8858,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,15 Gm,PO,ONCALL,,Yes,9072,59 +24509718,758779,8862,8858,No,No,DEXTROSE 50% 25 GRAM/50 ML SYR,926.0,25 Gm,IV Push,ONCALL,,Yes,9072,59 +23894116,758779,3,-9605,No,No,,607.0,,PO,BID,,No,9072,59 +24270835,758779,3,-5825,No,No,PANTOPRAZOLE 40 MG EC TAB,22008.0,40 mg,PO,BID,,No,9072,65 +33442863,758779,3,-4565,No,No,,4032.0,,TOP,,,No,1331,19 +23029974,758779,3,-9637,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,30 Gm,PO,ONCALL,,Yes,8862,59 +32934557,758779,3,-6065,No,No,cefTRIAXone 1 GRAM in NS 50 mL IVPB,3996.0,1 Gm,IVPB,Q24H,,No,-4518,19 +31958781,758779,3,-7445,No,No,,999.0,,PO,,,No,9072,95 +26418404,758779,3,-9637,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,15 Gm,PO,ONCALL,,Yes,8862,59 +31623066,758779,3,-9637,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,QIDACHS,,Yes,8859,71 +28718093,827084,1536,1594,No,No,,40470.0,0.5 mL,IM,ONCALL X1,,No,2498,92 +32230436,827085,40,39,No,No,FUROSEMIDE 10 MG/1 ML 2ML SDV INJ,3660.0,20 mg,IV,ONCALL X1,,No,56,56 +33664065,827085,1418,1404,No,No,FUROSEMIDE 10 MG/1 ML 2ML SDV INJ,3660.0,20 mg,IV Push,Q12H,,No,3459,56 +29930682,827085,128,684,No,No,,34344.0,200 mg,IVPB,Q24H,,No,3459,23 +32440913,827085,3119,3384,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,Q12H,,No,3882,19 +25882572,839120,2,-1403,No,No,METOPROLOL TARTRATE 25 MG TAB,2102.0,12.5 mg,PO,BID,,No,11900,41 +32085797,839120,2,-72,No,No,AMIODARONE 200 MG TAB,83.0,200 mg,PO,BID,,No,11900,38 +26464959,842498,150,82,No,No,,10009.0,1 drop,Both eyes,BID,,No,7719,62 +26524225,842499,1,-46,No,No,NALOXONE 0.4 MG/1 ML SDV INJ,1874.0,0.4 mg,IV,ONCALL X10,,Yes,8880,9 +32269114,859031,4268,4150,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,25 mcg,IV Push,Q2MIN X5,,Yes,4345,2 +35131798,859031,7113,7154,No,No,FERROUS SULFATE 325 MG TAB,739.0,325 mg,PO,BIDMEAL,,No,11431,59 +27358804,859032,2,-1458,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,15 Gm,PO,ONCALL,,Yes,16790,59 +24588358,859032,2,-1458,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,QIDACHS,,Yes,16790,71 +23285479,859032,2,-927,No,No,,999.0,,PO,,,No,16790,95 +24654927,859032,2,-586,No,Yes,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,25 mcg,IV Push,Q2MIN X5,,Yes,-27,2 +33649030,859032,2,-1458,No,No,DEXTROSE 50% 25 GRAM/50 ML SYR,926.0,25 Gm,IV Push,ONCALL,,Yes,16790,59 +31985094,859032,2,-331,No,No,,40503.0,0.5 mL,IM,ONCALL X1,,No,1885,92 +23947965,859032,2,-1458,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,30 Gm,PO,ONCALL,,Yes,16790,59 +29821175,859032,2,-586,No,Yes,PROMETHAZINE 25 MG/1 ML 1ML SDV INJ,12014.0,6.25 mg,IV,Q30MIN X2,,Yes,-27,17 +33699592,859032,2,-1460,No,Yes,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,X3,,No,339,59 +27347742,869525,1469,1465,No,No,,13908.0,500 mg,PO,QID,,No,4872,19 +33726217,869525,4686,4854,No,No,,7878.0,80 mg,SubQ,BID,,No,4872,36 +33518185,869526,4,-107,No,No,,1075.0,300 mg,IVPB,ONCALL,,No,31,95 +33980442,869526,1326,1335,No,No,cefTRIAXone 1 GRAM in NS 50 mL IVPB,3996.0,1 Gm,IVPB,Q24H,,No,4066,19 +33282234,869526,156,195,No,Yes,potassium CHLORIDE 20 MEQ UD LIQ,549.0,20 mEq,PO,Q1H X3,,No,315,59 +32076714,869526,117,255,No,No,,14015.0,25 mg,PO,BID,,No,7473,80 +30453933,869526,138,255,No,No,FAMOTIDINE 20 MG TAB,4521.0,20 mg,PO,BID,,No,7473,65 +31134421,869526,267,302,No,No,PNU-IMMUNE-23 25 MCG/0.5 ML INJ,4212.0,0.5 mL,IM,ONCALL X1,,No,7473,92 +28211597,869526,4,255,No,No,METOPROLOL TARTRATE 25 MG TAB,2102.0,12.5 mg,PO,BID,,No,7473,41 +30905397,869526,4,-107,Yes,No,,1062.0,1 mL,IV Push,ONCALL,,No,28,95 +30010646,876429,3,-1309,No,No,METOPROLOL TARTRATE 25 MG TAB,2102.0,12.5 mg,PO,ONCALL X1,,No,-443,41 +30943007,876429,3,1207,No,No,AMIODARONE 200 MG TAB,83.0,200 mg,PO,BID,,No,1876,38 +27458902,876429,3,-36,No,No,FAMOTIDINE 20 MG TAB,4521.0,20 mg,PO,BID,,No,7464,65 +24880198,876429,3,-38,No,Yes,SODIUM CHLORIDE 0.9% 500 ML LVP,8255.0,500 mL,IV,ONCALL,,Yes,3562,59 +22701432,876429,3,1747,No,No,,1097.0,1 Tab,PO,Q24H,,No,7464,95 +32052326,876430,185,1076,No,No,WARFARIN 5 MG TAB,2812.0,5 mg,PO,,,No,4453,36 +28864374,887139,522,482,No,No,,3347.0,,TOP,QID,,No,1304,19 +23472007,887140,3,-4147,No,No,,37.0,50 mg,IV Push,,,Yes,3773,14 +35023938,887140,3,-5528,No,No,ENOXAPARIN 40 MG/0.4 ML SYR,7878.0,40 mg,SubQ,Q24H,,No,5952,36 +30014675,887140,3,-5786,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV,ONCALL,,No,-5735,65 +30485298,887140,26,-21,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,15 Gm,PO,ONCALL,,Yes,5952,59 +26261698,887140,28,952,No,No,METOPROLOL TARTRATE 25 MG TAB,2102.0,12.5 mg,PO,BID,,No,5952,41 +25828930,887140,26,-20,No,No,GLUCOSE 15 GRAM/60 ML BQ LIQ,807.0,30 Gm,PO,ONCALL,,Yes,5952,59 +23253797,887140,3,-4146,No,No,,35625.0,0.4 mg,IV Push,ONCALL,,No,-3293,53 +36171046,959746,0,-41,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,-41,59 +36303518,959746,9,6,No,No,,33442.0,PYXIS,MISC,Pyxis,,No,6,0 +36729160,959746,301,368,No,No,Pepcid,35085.0,20 mg,IV,q12hr,,No,2919,65 +35532481,959746,198,195,No,No,Lopressor,2102.0,25 mg,PO,q12hr,,No,3042,41 +36638001,959746,298,293,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,3042,59 +36240861,959746,0,-105,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,-105,0 +35400403,959746,0,-97,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,-97,59 +35308868,959746,299,294,No,No,Zofran,33598.0,4 mg,IV,q6hr,,Yes,3042,65 +36391507,959746,0,-82,No,No,,37328.0,PYXIS,MISC,Pyxis,,No,-82,0 +36123558,959746,1137,2528,No,Yes,aspirin,1820.0,325 mg,PO,1xDaily,,No,0,2 +35599647,959746,9,7,No,No,,1478.0,PYXIS,MISC,Pyxis,,No,7,99 +36817221,959746,1535,2528,No,No,lisinopril,132.0,10 mg,PO,1xDaily,,No,3042,41 +35542082,959746,0,-97,No,No,nitroglycerin,159.0,PYXIS,MISC,Pyxis,,No,-97,0 +35861539,959746,1539,2528,No,No,aspirin,1820.0,81 mg,PO,1xDaily,,No,3042,2 +35772183,959746,2919,3248,No,Yes,Pepcid,4521.0,20 mg,PO,q12hr,,No,0,65 +35694132,959746,0,-97,No,No,diphenhydrAMINE,4480.0,PYXIS,MISC,Pyxis,,No,-97,99 +35844836,959746,297,293,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,3042,59 +35596799,959746,295,293,No,No,K-Dur 20,549.0,20 mEq,PO,as directed,,Yes,3042,59 +36595614,963136,7780,7780,No,No,,1478.0,PYXIS,MISC,Pyxis,,No,7780,99 +36778845,963136,2273,2270,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,9726,59 +35374274,963136,2595,2593,No,No,,538.0,,Nasal,,,Yes,3431,62 +36878961,963136,7780,7780,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,7780,0 +35975749,963136,27,22,No,No,K-Dur 20,549.0,20 mEq,PO,as directed,,Yes,3431,59 +36708432,963136,1208,1206,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,2273,59 +36778846,963136,2273,2270,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,9726,59 +36144030,963136,1208,1206,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,2273,59 +36854908,963136,68,51,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,1208,59 +36176508,963136,2273,2270,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,9230,59 +35961145,963136,1,-110,No,No,,1874.0,PYXIS,MISC,Pyxis,,No,-110,99 +36800599,963136,2273,2270,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,9230,59 +36822205,963136,1,-71,No,No,Protonix,22008.0,40 mg,IV,1xDaily ac,,No,3430,65 +36176509,963136,2273,2270,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,9230,59 +36800600,963136,2273,2270,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,9230,59 +36444168,963136,32,23,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,68,59 +36471265,963136,29,30,No,No,vancomycin,4042.0,PYXIS,MISC,Pyxis,,No,30,99 +35567480,963136,2273,2270,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,9230,59 +36142133,963136,32,33,No,No,vancomycin,4042.0,PYXIS,MISC,Pyxis,,No,33,99 +35530560,963136,1208,1207,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,2273,59 +35933507,963136,68,51,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,1208,59 +35343391,963136,1,-67,No,No,piperacillin-tazobactam,8738.0,PYXIS,MISC,Pyxis,,No,-67,0 +36732061,963136,2446,2445,No,No,,1742.0,30 mg,PO,q6hr,,Yes,9726,2 +35325007,963136,32,23,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,68,59 +35763351,963136,32,23,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,68,59 +36405996,963136,552,552,No,No,,1554.0,Manual Charge,MISC,Once X1,,No,552,99 +36412828,963136,7780,7780,No,No,nitroGLYCERIN,5888.0,PYXIS,MISC,Pyxis,,No,7780,0 +35326971,963136,7904,8449,No,No,,6341.0,60 mg,PO,1xDaily,,No,9726,38 +35552696,963136,1,-136,No,No,acetaminophen,1866.0,PYXIS,MISC,Pyxis,,No,-136,99 +35389169,963136,68,51,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,1208,59 +36910444,963136,32,23,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,68,59 +35895817,963136,692,769,No,No,,3774.0,1 app,Eyes (both),q8hr,,No,2113,62 +35655435,963136,27,22,Yes,No,,551.0,15 mmol,IVPB,as directed,,Yes,3431,59 +35295586,963136,68,51,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,2269,59 +35645117,963136,30,30,No,No,vancomycin,4042.0,PYXIS,MISC,Pyxis,,No,30,99 +35368681,963136,4708,4704,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,9726,59 +35612681,963136,4708,4704,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,9726,59 +36176629,963136,4708,4704,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,9726,59 +36020378,963136,692,1189,No,No,,4297.0,15 mL,TOP,q12hr,,No,2113,86 +35776162,963136,7642,7639,No,No,,35625.0,0.4 mg,IV,as directed,,No,7898,53 +35406143,963136,6690,7669,No,No,lisinopril,132.0,5 mg,PO,1xDaily,,No,9726,41 +36176628,963136,4708,4704,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,9726,59 +36642843,963136,27,22,Yes,No,,551.0,15 mmol,IVPB,as directed,,Yes,3431,59 +36877547,963136,1867,1909,Yes,No,,8738.0,3.375 g,IVPB,q6hr,,No,6562,19 +35368682,963136,4708,4704,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,9726,59 +36731682,963136,1,-67,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,-67,59 +36894755,963136,2282,2272,No,No,metoprolol tartrate,2102.0,25 mg,PO,1xDaily,,No,2386,41 +36904982,963136,2376,3349,No,No,aspirin,1820.0,81 mg,PO,1xDaily,,No,9726,2 +35770646,963136,2282,3349,No,No,,26521.0,30 mg,PO,1xDaily,,No,9726,80 +35651716,964782,893,900,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,900,0 +36874940,964782,5679,5673,No,No,,1929.0,100 mg,PO,q8hr,,Yes,7311,50 +36258147,964782,4179,4297,No,No,warfarin,2812.0,7.5 mg,PO,1xDaily,,No,5511,36 +35713192,964782,3,-503,No,No,lisinopril,132.0,40 mg,PO,1xDaily,,No,7310,41 +36212251,964782,3,-138,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,-138,0 +35696834,964782,3,-1139,No,No,enoxaparin,7878.0,PYXIS,MISC,Pyxis,,No,-1139,0 +35480973,964782,200,192,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,1241,59 +36019130,964782,200,191,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,7310,59 +35650691,964782,200,192,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,1241,59 +35907098,964782,200,191,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,7310,59 +35599447,964782,200,191,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,7310,59 +36501339,964782,200,937,No,No,Pepcid,4521.0,20 mg,PO,1xDaily,,No,960,65 +36325465,964782,200,192,No,No,K-Dur 20,549.0,20 mEq,PO,as directed,,Yes,1241,59 +36593925,964782,200,191,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,7310,59 +36552346,965083,2949,2949,No,No,nitroglycerin,159.0,PYXIS,MISC,Pyxis,,No,2949,0 +36481981,965083,23,108,No,No,Lovenox,7878.0,30 mg,Subcut,1xDaily,,No,325,36 +36426421,965083,2948,2948,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,2948,0 +36501846,965083,23,108,No,No,Protonix,22008.0,40 mg,IV,1xDaily,,No,133,65 +36447850,965083,2948,2949,No,No,,1478.0,PYXIS,MISC,Pyxis,,No,2949,99 +36705621,965083,3412,3408,Yes,No,,551.0,15 mmol,IVPB,as directed,,Yes,4561,59 +35866217,965083,324,1548,No,No,Lovenox,7878.0,60 mg,Subcut,1xDaily,,No,3036,36 +35812012,965083,6445,6439,No,No,aspirin,1820.0,81 mg,PO,1xDaily,,No,7929,2 +36883427,965083,3412,3408,No,No,K-Dur 20,549.0,20 mEq,PO,as directed,,Yes,4561,59 +36454027,965083,3412,3408,Yes,No,,551.0,15 mmol,IVPB,as directed,,Yes,4561,59 +36080502,965083,4429,4429,No,No,Protonix,22008.0,40 mg,PO,1xDaily ac,,No,7929,65 +36191277,965083,331,408,No,No,SoluMedrol,36808.0,40 mg,IV,q8hr,,No,2032,68 +36123651,965083,1,-89,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,-89,59 +36883372,965083,139,139,No,No,,12383.0,500 mg,IVPB,1xDaily,,No,4428,19 +35538537,965083,134,1608,No,No,Protonix,22008.0,40 mg,IV,q24hr (interval),,No,4429,65 +35922234,965083,6010,6009,No,No,lisinopril,132.0,10 mg,PO,1xDaily,,No,7929,41 +35531039,965083,139,135,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,4558,59 +35945325,965083,139,135,No,No,Zofran,33598.0,4 mg,IV,q6hr,,Yes,7929,65 +35663035,965083,139,135,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,4558,59 +36835347,965083,139,134,No,No,Norco 5 mg-325 mg,1730.0,1 tab(s),PO,q6hr,,Yes,3041,2 +36882102,965083,139,135,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,4558,59 +36407411,965083,139,135,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,4558,59 +36293955,970328,2754,2753,No,No,Lopressor,2102.0,2.5 mg,IV,q6hr,,Yes,6432,41 +36014074,970328,11,-7320,No,No,,6113.0,10 mg,PO,1xDaily,,No,6432,41 +36587940,970328,99,94,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,94,59 +36746857,970328,423,1320,No,No,Lovenox,7878.0,40 mg,Subcut,1xDaily,,No,1742,36 +35505903,970328,11,-5700,Yes,No,,6334.0,500 mg,IVPB,q24hr (interval),,No,40,19 +35755532,970328,11,-5820,Yes,No,,6334.0,250 mg,IVPB,q24hr (interval),,No,-5735,19 +36871432,970328,45,180,No,Yes,,4297.0,15 mL,TOP,q8hr,,No,0,86 +36630146,970328,1484,1481,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,1481,59 +36707538,970328,11,-780,No,No,metoprolol tartrate,2102.0,25 mg,PO,q8hr,,No,604,41 +35397315,970328,3015,3011,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,3011,59 +36644018,970328,46,180,No,No,,3774.0,1 app,Eyes (both),q8hr,,No,2087,62 +35438516,970328,1996,1996,No,No,Xanax,1617.0,0.5 mg,PO,,,Yes,6432,80 +35369891,970328,1742,2760,No,Yes,Lovenox,7878.0,30 mg,Subcut,q24hr (interval),,No,0,36 +35532069,970328,47,1320,No,No,Pepcid,35085.0,20 mg,IV,1xDaily,,No,4636,65 +35468965,970329,1453,2457,No,No,Pepcid,4521.0,20 mg,PO,1xDaily,,No,3249,65 +35332052,970720,3518,4888,No,No,Protonix,22008.0,40 mg,PO,1xDaily,,No,15535,65 +36875833,970720,15209,15388,No,No,Lovenox,7878.0,,Subcut,q24hr (interval),,No,15535,36 +35339809,970720,2,-109,No,No,methylPREDNISolone,36808.0,PYXIS,MISC,Pyxis,,No,-109,0 +36312303,970720,6310,6309,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,6309,59 +35331182,970720,1203,1203,No,No,methylPREDNISolone,36808.0,PYXIS,MISC,Pyxis,,No,1203,0 +36861151,970720,3495,3494,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,3494,59 +36085357,970720,6855,7768,No,No,lisinopril,132.0,40 mg,PO,1xDaily,,No,15535,41 +35306898,970720,12206,14248,No,No,Lovenox,7878.0,75 mg,Subcut,q24hr (interval),,No,15209,36 +36139217,970720,9723,9722,No,No,ceFAZolin,3976.0,PYXIS,MISC,Pyxis,,No,9722,99 +36749390,970720,2487,2480,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,15535,59 +36275288,970720,6855,6826,No,No,Xanax,1617.0,0.25 mg,PO,q8hr,,Yes,15535,80 +35820794,970720,9723,9723,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,9723,59 +36710138,970720,2,-92,No,No,SoluMedrol,36808.0,80 mg,IV,q8hr,,No,571,68 +35997802,970720,2,568,No,No,Protonix,22008.0,40 mg,IV,1xDaily,,No,3518,65 +36530523,970720,2,-121,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,2479,59 +35657789,970720,9681,9680,No,No,fentaNYL,25386.0,PYXIS,MISC,Pyxis,,No,9680,0 +36463869,970720,2,-92,Yes,No,,8738.0,3.375 g,IVPB,q8hr (interval),,No,2796,19 +36260424,970720,2487,2480,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,15535,59 +35614888,970720,3374,3388,No,No,DuoNeb,9040.0,3 mL,NEB,,,No,3482,14 +35642130,970720,2,-111,No,No,methylPREDNISolone,36808.0,PYXIS,MISC,Pyxis,,No,-111,0 +35854871,970720,7775,7773,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,7773,59 +35440996,970720,2487,2480,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,15535,59 +35640955,970720,2,-121,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,2479,59 +36071431,970720,571,868,No,No,SoluMedrol,36808.0,40 mg,IV,q8hr,,No,3477,68 +35475036,970720,2487,2480,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,15535,59 +36643940,970720,2,-121,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,2479,59 +36488635,970720,13567,13828,No,No,,1694.0,15 mg,PO,q8hr,,No,15535,2 +36365662,970720,5000,4998,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,4998,59 +36614248,970720,2,-121,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,2479,59 +36762294,970720,12147,12388,No,No,,1694.0,15 mg,PO,q8hr,,No,12234,2 +36533147,970720,10770,10665,No,No,Lovenox,7878.0,,Subcut,q24hr (interval),,No,12206,36 +36609154,972877,1,-332,No,No,K-Dur 20,549.0,20 mEq,PO,as directed,,Yes,1772,59 +36172336,972877,1,-334,No,No,Dextrose 50%,926.0,,IV,as directed,,Yes,1780,59 +36001592,972877,1,-332,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,1772,59 +35841276,972877,1,-332,Yes,No,potassium phosphate 3 mmol/mL15 mL Inj,551.0,15 mmol,IVPB,as directed,,Yes,1772,59 +35963920,972877,1,-334,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,1780,59 +36692959,972877,1,-334,No,No,NaCl 0.9% Bolus,8255.0,,IV,as directed,,Yes,1772,59 +35330284,972877,1,230,No,No,Lovenox,7878.0,40 mg,Subcut,1xDaily,,No,3108,36 +35304649,972877,1,230,No,No,Pepcid,35085.0,20 mg,IV,q12hr,,No,3674,65 +36453038,972877,1780,1773,No,No,Dextrose 50%,926.0,25 g,IV,as directed,,Yes,3674,59 +36096084,972877,1780,1773,No,No,Dextrose 50%,926.0,50 g,IV,as directed,,Yes,3674,59 +35914586,972877,1780,1773,No,No,Dextrose 50%,926.0,12.5 g,IV,as directed,,Yes,3674,59 +35629878,972877,1780,1773,No,No,GlucaGen,19078.0,1 mg,IM,as directed,,Yes,3674,59 +36815904,976722,759,756,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,756,59 +36423008,976722,26,1538,No,Yes,vancomycin,4042.0,"1,250 mg",IVPB,q24hr (interval),,No,0,19 +36152926,976722,137,158,No,No,Pepcid,4521.0,20 mg,PO,q12hr,,No,5518,65 +35942132,976722,5612,5609,No,No,fentaNYL,25386.0,Manual Charge,MISC,Once X1,,No,5609,0 +35501970,976722,1,-113,No,No,,33592.0,PYXIS,MISC,Pyxis,,No,-113,0 +35754184,976722,2515,2515,No,No,ceFAZolin,3976.0,PYXIS,MISC,Pyxis,,No,2515,99 +36361833,976722,2986,2984,No,No,ceFAZolin,3976.0,PYXIS,MISC,Pyxis,,No,2984,99 +36040588,976722,2515,2515,No,No,,1478.0,PYXIS,MISC,Pyxis,,No,2515,99 +35612651,976722,5612,5611,No,No,lidocaine,33592.0,Manual Charge,MISC,Once X1,,No,5611,0 +36650936,976722,9,878,No,No,aspirin,1820.0,81 mg,PO,1xDaily,,No,5518,2 +35297119,976722,326,325,No,No,NaCl 0.9% MBP,8255.0,PYXIS,MISC,Pyxis,,No,325,59 +35486132,976722,10,878,No,No,lisinopril,132.0,10 mg,PO,1xDaily,,No,5518,41 +35734998,976722,15,218,Yes,No,,11254.0,1 g,IVPB,q8hr,,No,1126,19 +35723143,976722,10,158,No,No,Lopressor,2102.0,25 mg,PO,q12hr,,No,5518,41 +37702968,1058166,2646,2630,No,No,diphenhydrAMINE,4480.0,25 mg,PO,qHS,,Yes,7880,83 +37693193,1058166,1731,1729,No,No,acetaminophen,1866.0,650 mg,PO,q6hr,,No,2631,2 +37807874,1058166,10,337,No,No,aspirin,1820.0,81 mg,PO or NG,w Brkfst,,No,7880,2 +37648077,1058166,2646,2630,No,No,bisacodyl,1301.0,10 mg,PR,q12hr,,Yes,7880,65 +37267837,1058166,2646,2629,No,No,,20952.0,250 mg,PO,q12hr,,No,7880,44 +37519584,1058166,3,-1476,No,No,,3992.0,,IVPB,Give in Surgery,,No,-1283,19 +37635229,1058166,3,-1211,No,No,,4297.0,15 mL,Swish/Spit,BID,,No,163,99 +37517733,1058166,10,-23,No,No,metoclopramide,2148.0,10 mg,PO,q6hr,,Yes,7880,65 +37303080,1058166,3,-1167,No,No,,25040.0,,IVPB,Give in Surgery,,No,163,19 +37137375,1058166,10,-23,No,No,bisacodyl,1301.0,10 mg,PR,q12hr,,Yes,2631,65 +37681042,1058166,10,229,No,No,,3992.0,,IVPB,,,No,163,19 +37688442,1058166,3,-361,Yes,No,,2841.0,,IVPB,Give in Surgery,,No,1105,68 +37051175,1063405,2,780,No,No,aspirin,1820.0,81 mg,PO or NG,w Brkfst,,No,28772,2 +37587242,1063405,12343,12360,Yes,No,,8255.0,100 mL,IVPB,q12hr,,No,19818,59 +37157806,1063405,9957,9960,Yes,No,,8255.0,50 mL,IVPB,,,No,25315,59 +37157805,1063405,9957,9960,Yes,No,,1071.0,200 mg,IVPB,,,No,25315,95 +37157804,1063405,9957,9960,Yes,No,,1062.0,1 mg,IVPB,,,No,25315,95 +37206931,1063405,25315,27420,No,No,ceFAZolin,25040.0,2 gm,IVPB,MWF,,No,28772,19 +37587243,1063405,12343,12360,Yes,No,,38373.0,500 mg,IVPB,q12hr,,No,19818,44 +37233549,1063405,1316,1268,No,No,acetaminophen,1866.0,650 mg,PO,q6hr,,Yes,6779,2 +37011754,1063405,25245,25242,No,No,diphenhydrAMINE,4480.0,25 mg,PO,qHS,,Yes,28772,83 +37234606,1063405,2,780,No,Yes,aspirin,1820.0,81 mg,PO or NG,w Brkfst,,No,0,2 +37469817,1063405,14625,14619,No,No,,14015.0,25 mg,NG-tube,BID,,No,16768,80 +37612815,1063405,16772,17460,No,No,,,5 mg,PO or SL,qHS,,No,24151,0 +37658104,1063405,2,-129,No,No,metoclopramide,2148.0,5 mg,PO,q6hr,,Yes,28773,65 +37203297,1063405,32,29,No,No,acetaminophen,1866.0,325 mg,PO,q6hr,,Yes,25243,2 +37599414,1063405,5320,15900,No,No,ceFAZolin,25040.0,2 gm,IVPB,,,No,11009,19 +37233669,1063405,2,-129,No,No,bisacodyl,1301.0,10 mg,PR,q12hr,,Yes,28772,65 +37485771,1063405,16770,16980,No,No,,36875.0,25 mg,IV,q8hr,,No,22629,68 +37320710,1063405,40,120,No,No,,20952.0,250 mg,PO,q12hr,,No,24143,44 +37263417,1073098,421,408,No,No,Protonix,22008.0,40 mg,IV,BID,,No,563,65 +37294516,1073098,119,90,No,No,,37021.0,2 gm,IVPB,q24hr,,No,2475,19 +39289192,1091677,1128,1760,Yes,No,,4042.0,1 GM,IV,Q12H,,No,1609,19 +39948936,1091677,3,-1480,Yes,No,,4042.0,1 GM,IV,,,No,1127,19 +38978089,1091677,1716,1715,No,No,,607.0,,PO,,,No,0,59 +38349583,1091677,3,-1519,No,No,,8255.0,"1,000 ML",IV,CONT,,No,649,59 +40739004,1091677,3,-1187,No,No,,1866.0,20 ML,PEG,,,Yes,0,2 +40619606,1101375,28841,28841,No,No,fentaNYL inj 50 mcg,25386.0,50 mcg,IV PUSH,Q2H PRN,,Yes,29529,2 +40729682,1101375,4802,4800,No,No,fentaNYL inj 50 mcg,25386.0,50 mcg,IV PUSH,Q2H PRN,,Yes,5923,2 +40320075,1101375,4613,5411,No,No,,20952.0,"1,000 mg",NGT,Q12H,,No,53467,44 +38298019,1101375,959,958,No,No,,8256.0,150 mL,IVPB,Q6H PRN,,Yes,11628,59 +38243537,1101375,1,371,No,No,chlorHEXIDINE (PERIOGARD) 0.12 % oral rinse 15 mL,4297.0,15 mL,ORAL MUCOSA,BID,,No,22755,99 +40739809,1101375,24874,24870,No,No,,8256.0,150 mL,IVPB,Q6H PRN,,Yes,32997,59 +38280843,1101375,1,371,No,No,,20952.0,500 mg,NGT,Q12H,,No,4612,44 +38721929,1101375,1,131,No,No,chlorHEXIDINE (PERIOGARD) 0.12 % oral rinse 15 mL,4297.0,15 mL,ORAL MUCOSA,Q4H LIMITED (00;04;12;16),,No,623,99 +37829879,1101375,16797,16931,No,No,,2888.0,2 mg,IV,Q12H,,No,24858,68 +39978525,1101375,33023,33491,No,No,sennosides (SENOKOT) oral syrup 10 mL,1289.0,10 mL,NGT,BID,,No,49034,65 +38712289,1101375,22886,22878,No,No,fentaNYL inj 25 mcg,25386.0,25 mcg,IV PUSH,Q2H PRN,,Yes,28839,2 +40359765,1101375,11629,11636,No,No,,8256.0,150 mL,IVPB,Q8H PRN,,Yes,11746,59 +38075648,1101375,50274,50771,No,No,,2889.0,6 mg,NGT,BID,,No,53467,68 +40609935,1101375,14110,14111,No,No,fentaNYL inj 25 mcg,25386.0,25 mcg,IV PUSH,Q2H PRN,,Yes,19821,2 +37897678,1101375,17041,18491,No,No,vancomycin in D5W (VANCOCIN) ivpb 1 g,8466.0,"1,000 mg",IVPB,Q24H,,No,19819,19 +39853369,1101375,11746,11744,No,No,,8256.0,150 mL,IVPB,Q6H PRN,,Yes,12750,59 +39165407,1101375,21544,21971,No,No,chlorHEXIDINE (PERIOGARD) 0.12 % oral rinse 15 mL,4297.0,15 mL,ORAL MUCOSA,BID,,No,53467,99 +38128213,1101375,49151,49331,Yes,No,,2889.0,1 TAB,NGT,Q12H,,No,50257,68 +40546129,1101375,26100,26098,No,No,fentaNYL inj 50 mcg,25386.0,50 mcg,IV PUSH,,,Yes,27008,2 +39663307,1131174,5,-82,No,No,,159.0,,SUBLINGUAL,,,Yes,2508,38 +43108570,1226362,36,71,No,No,,1948.0,60 mg,IV,Once X1,,No,50,32 +43877999,1226362,4676,4706,No,No,,182.0,5 mg,IV,Once X1,,No,4737,38 +41596978,1226362,15810,15851,No,No,,36808.0,40 mg,IV,Once X1,,No,15947,68 +42560249,1226362,2,-266,No,No,4 ml vial : furosemide 10 mg/ml ij soln,3660.0,20 mg,IV,Once X1,,No,-212,56 +42602106,1226362,8740,8756,No,No,,9829.0,50 mg,PO,Daily,,No,10212,41 +42116023,1226362,2,-670,No,No,4 ml vial : furosemide 10 mg/ml ij soln,3660.0,40 mg,IV,Once X1,,No,-632,56 +41539349,1226362,15747,15776,No,No,,1554.0,20 mg,IV,Once X1,,No,15761,5 +44214639,1226362,1684,1706,No,No,,14306.0,1 tablet,PO,Daily,,No,11550,59 +41243608,1226362,35,71,No,No,,1554.0,20 mg,IV,Once X1,,No,50,5 +41985947,1226362,40,446,No,No,,36808.0,40 mg,IV,,,No,272,68 +43604977,1226362,8740,8756,No,No,potassium chloride crys er 20 meq po tbcr,549.0,40 mEq,PO,Once X1,,No,8796,59 +43777117,1226362,2,446,No,No,4 ml vial : furosemide 10 mg/ml ij soln,3660.0,40 mg,IV,BID,,No,38,56 +44215032,1226362,15805,15793,No,No,,1866.0,650 mg,RE,Q6H PRN,,Yes,22582,2 +45747314,1226362,15747,15776,No,No,,1948.0,50 mg,IV,Once X1,,No,15761,32 +45696831,1226362,349,386,No,No,4 ml vial : furosemide 10 mg/ml ij soln,3660.0,40 mg,IV,BID,,No,1409,56 +43827386,1226362,15810,15836,Yes,No,pantoprazole sodium 40 mg iv solr,22008.0,40 MG,IV,Daily,,No,22582,65 +41466353,1226362,4671,4706,No,No,,82.0,100 mg,PO,Q12H SCH,,No,15660,38 +45699329,1259416,838,871,Yes,No,vancomycin hcl 1000 mg iv solr,4042.0,1000 MG,IV,Once X1,,No,925,20 +41248472,1259416,7453,9511,No,No,,12384.0,500 mg,PO,,,No,10781,20 +44850383,1259416,1997,1981,No,No,,17539.0,300 mg,PO,Daily,,No,2110,35 +41272573,1259416,7395,7426,No,No,,12384.0,500 mg,PO,,,No,7453,20 +42241922,1259416,4940,5911,No,No,,6323.0,25 mg,PO,Daily,,No,10781,32 +41230444,1259416,4527,4546,No,No,,83.0,200 mg,PO,Daily,,No,10781,38 +42833822,1259416,881,931,No,No,,22890.0,,SC,,,No,10781,35 +42890496,1259416,2125,3031,No,No,,17539.0,75 mg,PO,Daily,,No,10781,35 +41574864,1259416,2125,2116,No,No,,17539.0,300 mg,PO,Once X1,,No,4504,35 +41517534,1290248,1764,1779,No,No,pantoprazole sodium 40 mg iv solr,22008.0,40 mg,IV,Daily,,No,4456,65 +44151990,1290248,365,414,No,No,,22890.0,,SC,,,No,6357,35 +42885846,1290248,2051,2094,No,No,,83.0,200 mg,PO,Daily,,No,6357,38 +42624729,1290248,3062,3084,No,No,,1820.0,81 mg,PO,Daily,,No,6357,2 +52731675,1437505,78,82,No,No,NICOTINE 21 MG/24HR TD PT24,6249.0,21 mg,TD,Daily,,No,2525,97 +53072949,1437505,610,622,No,No,,549.0,30 mEq,PO,BID,,No,1208,59 +55286522,1437505,72,712,No,No,NICOTINE 21 MG/24HR TD PT24,6249.0,21 mg,TD,Daily,,No,74,97 +54440745,1437505,501,592,No,No,,549.0,30 mEq,PO,BID,,No,608,59 +55452631,1457949,3,-76,No,No,ONDANSETRON HCL 4 MG/2ML IJ SOLN,6055.0,4 mg,IV,Q6H PRN,,Yes,982,65 +53741081,1457949,185,329,No,No,,549.0,30 mEq,PO,BID,,No,982,59 +52722614,1463884,2,-78,No,No,LEVOFLOXACIN 500 MG PO TABS,12384.0,500 mg,PO,Daily,,No,2133,19 +52050456,1488334,38,31,No,No,NICOTINE 21 MG/24HR TD PT24,6249.0,21 mg,TD,Daily PRN,,Yes,2703,97 +54708156,1488334,826,819,No,No,,3723.0,600 mg,PO,Q6H PRN,,Yes,2703,11 +51731947,1488334,43,27,No,No,TRAZODONE HCL 50 MG PO TABS,1652.0,50 mg,PO,QHS PRN,,Yes,2703,80 +54708157,1488334,826,819,No,No,,3723.0,600 mg,PO,Q6H PRN,,Yes,2703,11 +52933351,1488334,43,27,No,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 mg,PO,Q6H PRN,,Yes,2703,2 +55006568,1488334,43,27,No,No,ACETAMINOPHEN 650 MG RE SUPP,,650 mg,RE,Q6H PRN,,Yes,2703,0 +55184144,1536927,1930,2015,No,No,15 ML CUP : CHLORHEXIDINE GLUCONATE 0.12 % MT SOLN,,15 mL,MT,,,No,3670,0 +53489993,1536927,1919,1955,No,No,15 ML CUP : CHLORHEXIDINE GLUCONATE 0.12 % MT SOLN,,15 mL,MT,BID,,No,1925,0 +52998358,1536927,64,55,No,No,ZOLPIDEM TARTRATE 5 MG PO TABS,7842.0,5 mg,PO,QHS PRN,,Yes,3670,83 +53555170,1536927,3,-25,No,No,,610.0,,IV,Titrated,,No,1851,59 +53935934,1544756,4,-101,No,No,ONDANSETRON HCL 4 MG/2ML IJ SOLN,6055.0,4 mg,IV,Q6H PRN,,Yes,175,65 +53058785,1544756,4,-101,No,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 mg,PO,Q6H PRN,,Yes,922,2 +50814338,1544756,154,159,No,No,ASPIRIN 300 MG RE SUPP,,300 mg,RE,Daily,,No,922,0 +53764017,1544756,4,-101,No,No,ACETAMINOPHEN 650 MG RE SUPP,,650 mg,RE,Q6H PRN,,Yes,922,0 +53535583,1544756,4,-59,No,No,,1695.0,2 mg,IV,Q2H PRN,,Yes,922,2 +51622923,1550318,2,-1653,No,No,,610.0,,IV,Titrated,,No,-150,59 +51531148,1550318,2,-358,No,No,ONDANSETRON HCL 4 MG/2ML IJ SOLN,6055.0,4 mg,IV,Q8H PRN,,Yes,29,65 +52230637,1550318,35,29,No,No,ZOLPIDEM TARTRATE 5 MG PO TABS,7842.0,5 mg,PO,QHS PRN,,Yes,1560,83 +51317017,1550318,147,139,No,No,ONDANSETRON HCL 4 MG/2ML IJ SOLN,6055.0,4 mg,IV,Q8H PRN,,Yes,1560,65 +54827651,1550318,2,-358,No,No,METOCLOPRAMIDE HCL 5 MG/ML IJ SOLN,2148.0,10 mg,IV,Q8H PRN,,Yes,29,65 +54248564,1550318,2,-168,No,No,,610.0,,IV,Titrated,,No,-175,59 +51333779,1550318,1570,1560,No,No,ZOLPIDEM TARTRATE 5 MG PO TABS,7842.0,5 mg,PO,QHS PRN,,Yes,5337,83 +53341105,1550318,2,-1688,No,No,ZOLPIDEM TARTRATE 5 MG PO TABS,7842.0,5 mg,PO,QHS PRN,,Yes,29,83 +52432278,1550318,1571,1560,No,No,,11964.0,3 mg,PO,Q2H PRN,,Yes,5337,5 +53314399,1550318,35,29,No,No,,11964.0,3 mg,PO,Q2H PRN,,Yes,1560,5 +50845576,1550318,2,-1413,No,No,,2095.0,200 mg,PO,BID,,No,-1622,41 +52828291,1550318,147,139,No,No,METOCLOPRAMIDE HCL 5 MG/ML IJ SOLN,2148.0,10 mg,IV,Q8H PRN,,Yes,1560,65 +56525191,1563281,8,-2908,No,No,,8721.0,0.5 MG,Oral,BID,,No,6229,80 +57269634,1563281,1924,1952,No,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,Oral,Once X1,,No,1953,2 +56819444,1563281,564,602,Yes,No,CEFTRIAXONE SODIUM 1 G IJ SOLR,3996.0,1 g,Intravenous,Q24H,,No,6229,19 +56145432,1563281,1462,1472,No,No,1000 ML FLEX CONT : SODIUM CHLORIDE 0.9 % IV SOLN,8255.0,10 mL/hr,Intravenous,Once X1,,No,1717,59 +55700104,1563281,1453,1472,No,No,FAMOTIDINE 20 MG PO TABS,4521.0,20 MG,Oral,BID,,No,6229,65 +56397774,1563281,3160,3158,No,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,Oral,Q8H PRN,,Yes,6229,2 +55478471,1563281,8,-3598,No,No,,8721.0,0.5 MG,Oral,BID,,No,-3019,80 +57448045,1563281,8,-3598,No,No,FAMOTIDINE 20 MG PO TABS,4521.0,20 MG,Oral,BID,,No,63,65 +56844061,1563281,2158,2311,No,No,,3660.0,20 MG,Intravenous,Once X1,,No,2332,56 +56983607,1563281,64,1232,No,No,0.4 ML SYRINGE : ENOXAPARIN SODIUM 40 MG/0.4ML SC SOLN,7878.0,40 MG,Subcutaneous,,,No,6229,36 +57348291,1563281,8,-3808,Yes,No,,4045.0,900 MG,Intravenous,Once X1,,No,-3089,19 +55918445,1563281,8,-2860,No,No,,26521.0,120 MG,Oral,Daily,,No,6229,80 +56833613,1563281,8,-2908,No,No,,36510.0,1 TAB,Oral,Daily,,No,6229,95 +56864164,1563281,8,-1468,No,No,,26521.0,120 MG,Oral,Daily,,No,-2859,80 +57170411,1588896,37,1103,No,No,MAGNESIUM OXIDE 400 (241.3 MG) MG PO TABS,609.0,400 MG,Oral,Daily,,No,5754,59 +56900111,1588896,5377,5573,No,No,MIDODRINE HCL 5 MG PO TABS,15908.0,5 MG,Oral,TID AC,,No,5754,32 +55982744,1588896,37,383,No,No,,33356.0,1 EA,Topical,BID,,No,5754,19 +56447825,1588896,37,1,No,No,HYDROCODONE-ACETAMINOPHEN 5-325 MG PO TABS,1730.0,1-2 TAB,Oral,Q6H PRN,,Yes,5754,2 +57264970,1588896,37,383,No,No,CARVEDILOL 6.25 MG PO TABS,13795.0,6.25 MG,Oral,BID,,No,5754,41 +56423456,1588896,37,1103,No,No,POLYETHYLENE GLYCOL 3350 PO PACK,22819.0,17 g,Oral,Daily,,No,5754,65 +56297833,1588896,2792,2813,No,No,LEVOFLOXACIN 500 MG PO TABS,12384.0,500 MG,Oral,Daily,,No,3991,19 +56720500,1588896,4557,5423,No,No,,12384.0,250 MG,Oral,Daily,,No,5365,19 +57326034,1588896,1652,1673,No,No,MIDODRINE HCL 5 MG PO TABS,15908.0,10 MG,Oral,TID AC,,No,5366,32 +57138756,1588896,37,1103,No,No,,803.0,10 MG,Oral,Daily,,No,5754,71 +55914745,1588896,37,1,No,No,30 ML CUP : MAGNESIUM HYDROXIDE 400 MG/5ML PO SUSP,1329.0,30 mL,Oral,Daily PRN,,Yes,5754,65 +56762935,1588896,36,53,No,No,OMEPRAZOLE 20 MG PO CAP-DEL-REL,4673.0,20 MG,Oral,Daily,,No,5754,65 +56684117,1588896,37,2543,No,No,,33356.0,,Topical,BID,,No,13,19 +56806651,1588896,37,1,No,No,1 ML CRTRDG-NDL : MORPHINE SULFATE 2 MG/ML IJ SOLN,1694.0,1-2 MG,Intravenous,Q2H PRN,,Yes,5754,2 +57022756,1588896,3993,4013,No,No,TAMSULOSIN HCL 0.4 MG PO CAPS,13864.0,0.4 MG,Oral,BID,,No,5754,99 +56353501,1588896,37,383,No,No,FUROSEMIDE 40 MG PO TABS,3660.0,40 MG,Oral,BID,,No,5754,56 +62357048,1671276,597,1960,No,No,,739.0,325 mg,PO,,,No,45160,59 +58724738,1671276,608,2020,No,No,,6080.0,2.5 MG,PO,,,No,45220,41 +59502383,1671276,507,880,No,No,,8255.0,,IV,,,No,44080,59 +62663177,1790816,105,95,Yes,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,PO,Q6H PRN,,Yes,1669,2 +63589241,1790816,1,-68,Yes,No,,1478.0,,INFILTRATION,Once X1,,No,-177,5 +67531242,1790816,143,1117,Yes,No,ISOSORBIDE MONONITRATE ER 30 MG PO TB24,6341.0,30 MG,PO,Daily,,No,1669,38 +65621694,1790816,1,-128,Yes,No,1 ML VIAL: DIPHENHYDRAMINE HCL 50 MG/ML IJ SOLN,4480.0,25 MG,IV,Once X1,,No,-203,17 +62660762,1790816,578,592,Yes,No,ZOLPIDEM TARTRATE 5 MG PO TABS,7842.0,5 MG,PO,Once X1,,No,605,83 +65611623,1790816,1,-68,Yes,No,ASPIRIN 81 MG PO CHEW,1820.0,,PO,Once X1,,No,1669,2 +65910767,1790816,1,-68,Yes,No,,17539.0,300 MG,PO,Once X1,,No,1669,35 +64104172,1790816,1,-68,Yes,No,,4703.0,100 mL,IA,Once X1,,No,-113,0 +64673312,1790816,143,157,Yes,No,ATORVASTATIN CALCIUM 20 MG PO TABS,12404.0,20 MG,PO,Daily,,No,1669,41 +62738148,1790816,143,1057,Yes,No,ASPIRIN 81 MG PO CHEW,1820.0,81 MG,PO,2 times daily,,No,1669,2 +62832613,1790816,143,1117,Yes,No,AMLODIPINE BESYLATE 5 MG PO TABS,6494.0,5 MG,PO,Daily,,No,1669,38 +66399535,1790816,1,-68,Yes,No,2 ML VIAL: MIDAZOLAM HCL 2 MG/2ML IJ SOLN,1619.0,1 MG,IV,Once X1,,No,-173,5 +67843502,1795300,126,111,Yes,No,3 ML PLAS CONT: ALBUTEROL SULFATE (2.5 MG/3ML) 0.083% IN NEBU,2073.0,2.5 MG,NEBULIZATION,Q6H PRN,,Yes,1205,14 +62925827,1795300,3173,3197,Yes,No,PIPERACILLIN-TAZOBACTAM 3.375 G MINI-BAG PLUS,8738.0,3.375 g,IV,Q12H,,No,4418,19 +64874595,1795300,52,50,Yes,No,2 ML: ONDANSETRON HCL 4 MG/2ML IJ SOLN,33598.0,4 MG,IV,Q8H PRN,,Yes,6662,65 +66592453,1795300,128,111,Yes,No,LORAZEPAM 1 MG PO TABS,4846.0,0.5 MG,PO,Q6H PRN,,Yes,1319,80 +65060137,1795300,1581,2111,Yes,No,PIPERACILLIN-TAZOBACTAM 3.375 G MINI-BAG PLUS,8738.0,3.375 g,IV,Q12H,,No,2751,19 +65527159,1795300,126,111,Yes,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,PO,Q6H PRN,,Yes,6662,2 +63419835,1795300,5869,5860,Yes,No,,1695.0,0.5 MG,IV,Q2H PRN,,Yes,6007,2 +63135414,1812280,34,33,No,No,,802.0,5 MG,PO,BID AC,,No,4042,71 +63434343,1812280,-111,-108,No,No,SODIUM CHLORIDE,8255.0,20 ML,.ROUTE,.STK-MED,,No,-107,59 +63080472,1812280,19,227,No,No,,2105.0,1 DROP,OPHTHALMIC,BID,,No,4042,62 +62835696,1812280,1133,1127,No,No,,37792.0,5 MG,PO,BID,,No,4042,36 +65426391,1812280,-94,-73,No,No,,37678.0,,IV,TITRATE,,No,286,38 +67535122,1812280,-94,287,No,No,,37678.0,,IV,TITRATE,,No,1126,38 +63087077,1827129,116,107,No,No,"LACTATED RINGER'S 1,000 ML BAG",525.0,,IV,,,No,3036,59 +63774506,1827129,0,-53,No,No,HYDROMORPHONE HCL,1695.0,2 MG,.ROUTE,.STK-MED,,No,-52,99 +67377429,1827129,666,1347,No,No,CARVEDILOL,13795.0,12.5 MG,PO,BID,,No,11423,41 +65989756,1827129,0,627,No,No,DOCUSATE SODIUM,1326.0,100 MG,PO,BID,,No,16214,65 +66295419,1827129,1594,1595,No,No,LIDOCAINE HCL 2%,33592.0,100 MG,IV,.STK-MED,,No,1596,38 +63170376,1827129,4736,4947,No,No,SODIUM CHLORIDE,538.0,1 GM,PO,BID,,No,16214,59 +67441184,1827129,0,-227,No,No,MIDAZOLAM HCL,1619.0,5 MG,.ROUTE,.STK-MED,,No,-226,0 +64155829,1827129,0,-155,No,No,,2888.0,4 MG,.ROUTE,.STK-MED,,No,-154,99 +66580481,1827129,161,177,No,No,ALBUTEROL/IPRATROPIUM,9040.0,3 ML,NEB,,,No,16214,14 +63716829,1827129,0,-58,No,No,NEOSTIGMINE METHYLSULFATE,1988.0,5 MG,INJ,.STK-MED,,No,-57,32 +67367803,1827129,0,-43,No,No,,25243.0,10 ML,.ROUTE,.STK-MED,,No,-42,0 +65293535,1827129,2,-13,No,No,"LACTATED RINGER'S 1,000 ML BAG",525.0,,IV,,,No,116,59 +64836512,1827129,16,42,No,No,,25246.0,,EPIDURAL,CONT,,No,7156,2 +67005041,1827129,0,-58,No,No,GLYCOPYRROLATE,2028.0,0.4 MG,.ROUTE,.STK-MED,,No,-57,99 +66389093,1827129,0,-155,No,No,Ondansetron,33598.0,4 MG,.ROUTE,.STK-MED,,No,-154,0 +62970269,1849124,-49,-57,Yes,No,,1730.0,1 TAB,PO,Q6H PRN,,Yes,2537,2 +63572514,1849124,4577,4658,Yes,No,10 ML VIAL: INSULIN ASPART 100 UNIT/ML SC SOLN,20769.0,0-8 5,SC,,,No,5746,71 +67293762,1849124,-34,-57,Yes,No,1 ML SYRINGE : MORPHINE SULFATE (PF) 4 MG/ML IV SOLN,1694.0,4 MG,IV,Q2H PRN,,Yes,2452,2 +64321736,1849124,1180,1193,Yes,No,2 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 MG,IV,Once X1,,No,1178,56 +63646924,1849124,920,1238,Yes,No,3 ML PLAS CONT: IPRATROPIUM-ALBUTEROL 0.5-2.5 (3) MG/3ML IN SOLN,9040.0,3 mL,NEBULIZATION,Q4H SCH,,No,21798,14 +65103316,1849124,-54,-502,Yes,No,,3976.0,3 g,IV,Once X1,,No,-361,19 +65880838,1849124,2617,2633,Yes,No,2 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 MG,IV,Once X1,,No,2588,56 +63954307,1849124,-51,-57,Yes,No,,610.0,2 g,IV,Once PRN X1,,Yes,517,59 +67717647,1849124,3926,3904,Yes,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,PO,Q6H PRN,,Yes,5960,2 +66955803,1849124,3128,3101,Yes,No,10 ML VIAL: INSULIN ASPART 100 UNIT/ML SC SOLN,20769.0,0-8 5,SC,Q6H PRN,,Yes,4570,71 +65848990,1849124,1129,1238,Yes,No,,2148.0,5 MG,IV,Q6H SCH,,No,6817,65 +67171010,1849124,2536,2558,Yes,No,2 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 MG,IV,Once X1,,No,2544,56 +65522166,1849124,-54,-172,Yes,No,,2816.0,400 MG,IV,Once X1,,No,-57,35 +63996225,1849124,-43,-57,Yes,No,,1866.0,650 MG,PO,Q6H PRN,,Yes,3906,2 +64958376,1849124,-54,-172,Yes,No,,3976.0,3 g,IV,Once X1,,No,-132,19 +64701028,1849124,3925,3938,Yes,No,ASPIRIN 81 MG PO CHEW,1820.0,81 MG,PO,Daily,,No,12906,2 +66887067,1849124,49,68,Yes,No,2 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 MG,IV,Once X1,,No,67,56 +63534105,1849124,996,1013,Yes,No,2 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 MG,IV,Once X1,,No,991,56 +66826429,1849124,-54,-562,Yes,No,,7527.0,,,Once X1,,No,-581,19 +65406417,1849124,2505,2513,Yes,No,4 ML VIAL: FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,40 MG,IV,Once X1,,No,2532,56 +65451302,1849124,2507,2528,Yes,No,ASPIRIN 300 MG RE SUPP,1820.0,300 MG,RE,Daily,,No,3903,2 +66637492,1852395,319,319,No,No,,11569.0,150 ML,IV,.STK-MED,,No,320,53 +62916350,1852395,-88,-425,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,-424,0 +65513422,1852395,14045,14044,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,14045,0 +63518631,1852395,17065,17064,No,No,,180.0,5 MG,IV,.STK-MED,,No,17065,38 +66045973,1852395,408,405,No,No,"Sodium Chloride 0.9% 1,000 ML BAG",8255.0,,IV,,,No,1030,59 +63841106,1852395,305,305,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,306,0 +65963605,1852395,20129,20260,No,No,Insulin Aspart,20769.0,,SUBCUT,TID AC,,No,20600,71 +66687120,1852395,313,313,No,No,,11569.0,150 ML,IV,.STK-MED,,No,314,53 +66666155,1852395,1309,1330,Yes,No,VANCOMYCIN HCL 1 GM VIAL,4042.0,,IV,Q18H,,No,14123,19 +64422863,1852395,17474,18280,No,No,Insulin Aspart,20769.0,,SUBCUT,TID AC,,No,20117,71 +65791808,1852395,9829,9880,No,No,Insulin Aspart,20769.0,,SUBCUT,TID AC,,No,14563,71 +66822400,1852395,17084,17083,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,17084,0 +65659697,1852395,16985,16985,No,No,LIDOCAINE HCL 1%,13748.0,10 ML,INJ,.STK-MED,,No,16986,5 +66868198,1852395,17068,17068,No,No,,2810.0,,.ROUTE,.STK-MED,,No,17069,99 +63053548,1852395,-88,-1880,No,No,Insulin Aspart,20769.0,15 UNITS,SUBCUT,TID AC,,No,8539,71 +65597390,1852395,5284,5284,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,5285,0 +66812964,1852395,17041,17041,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,17042,0 +64027740,1852395,-88,-2510,No,No,DOCUSATE SODIUM,1326.0,100 MG,PO,BID,,No,20600,65 +66534564,1852395,14156,14155,No,No,Ondansetron,33598.0,4 MG,.ROUTE,.STK-MED,,No,14156,0 +66144698,1852395,417,417,No,No,HYDROMORPHONE HCL,34805.0,1 MG,.ROUTE,.STK-MED,,No,418,0 +64860867,1852395,17120,17100,No,No,"Sodium Chloride 0.9% 1,000 ML BAG",8255.0,,IV,CONT,,No,18100,59 +64534589,1852395,5348,5347,No,No,HYDROMORPHONE HCL,1695.0,2 MG,.ROUTE,.STK-MED,,No,5348,99 +64271469,1852395,295,295,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,296,0 +64200654,1852395,16985,16985,No,No,,2810.0,,.ROUTE,.STK-MED,,No,16986,99 +65077645,1852395,3,2,No,No,,2810.0,,.ROUTE,.STK-MED,,No,3,99 +63248307,1852395,-88,-425,No,No,HYDROMORPHONE HCL,1695.0,2 MG,.ROUTE,.STK-MED,,No,-424,99 +66586092,1852395,3,2,No,No,LIDOCAINE HCL 1%,13748.0,20 ML,INJ,.STK-MED,,No,3,5 +62700703,1852395,-88,-2510,No,No,GABAPENTIN,8831.0,600 MG,PO,BID,,No,20600,44 +62800485,1852395,-88,-342,No,No,LIDOCAINE HCL 2%,1478.0,20 ML,.ROUTE,.STK-MED,,No,-341,99 +66536214,1852395,17041,17041,No,No,,11569.0,150 ML,IV,.STK-MED,,No,17042,53 +66867938,1852395,-88,-1640,Yes,No,VANCOMYCIN HCL 1 GM VIAL,4042.0,,IV,Q24H,,No,1308,19 +64350398,1852395,14149,14148,No,No,HYDROMORPHONE HCL,1695.0,2 MG,.ROUTE,.STK-MED,,No,14149,99 +67517896,1852395,14582,15400,No,No,Insulin Aspart,20769.0,,SUBCUT,TID AC,,No,17461,71 +63396962,1852395,17030,17030,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,17031,0 +64626006,1852395,-88,-196,No,No,,34805.0,,.ROUTE,.STK-MED,,No,-190,0 +63427420,1852395,7345,7450,No,No,,1730.0,1 TAB,PO,Q4HR,,No,20600,2 +64433966,1852395,-88,-334,No,No,,2051.0,4 MG,.ROUTE,.STK-MED,,No,-333,0 +64948865,1852395,887,1090,No,No,,7527.0,1 APP,BOTH NARES,BID,,No,20600,19 +64451088,1852395,8546,8740,No,No,Insulin Aspart,20769.0,10 UNITS,SUBCUT,TID AC,,No,9804,71 +67672195,1852395,-88,-2650,No,No,,1730.0,1 TAB,PO,QID,,Yes,4189,2 +67193274,1852395,14054,14046,No,No,LIDOCAINE HCL 2%,33592.0,5 ML,INJ,.STK-MED,,No,14047,5 +67576588,1852395,-84,1030,No,No,MULTIVITAMINS,35344.0,1 TAB,PO,DAILY BREAKFAST,,No,20600,95 +67390798,1852625,1,-8395,Yes,No,MAGNESIUM OXIDE 400 (241.3 MG) MG PO TABS,609.0,400 MG,PO,Q12H SCH,,No,1406,59 +65111090,1852625,1,-7675,Yes,No,VITAMIN D 1000 UNITS PO TABS,996.0,,PO,Daily,,No,1406,95 +64595755,1852625,1,-7675,Yes,No,,1061.0,1 CAP,PO,Daily,,No,1406,95 +64676497,1852625,1,-8498,Yes,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 MG,PO,Q6H PRN,,Yes,1406,2 +66356659,1852625,1,-7675,Yes,No,LORATADINE 10 MG PO TABS,7605.0,10 MG,PO,Daily,,No,1406,17 +66937070,1852625,1,-7675,Yes,No,,17165.0,1 TAB,PO,Daily,,No,1406,95 +66478242,1852625,160,185,Yes,No,,21157.0,600 MG,IV,Q12H,,No,1406,19 +65581104,1852625,1,-7675,Yes,No,,36106.0,40 MG,PO,Daily,,No,1406,11 +65408215,1856167,94,94,Yes,No,,1619.0,100 MG,IV,TITRATE,,No,6669,5 +65632263,1856167,-1,-267,No,No,NALOXONE HCL,1874.0,0.4 MG,.ROUTE,.STK-MED,,No,-266,99 +63846730,1856167,-1,-163,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,-162,0 +63343123,1856167,92,85,Yes,No,,1619.0,50 MG,IV,TITRATE,,No,93,5 +64637325,1856167,834,830,Yes,No,PIPERACILLIN/TAZOBACTAM SOD 3.375 GM VIAL,8738.0,3.375 GM,IV,Q8HR,,No,2176,19 +67046455,1856167,91,85,No,No,Propofol 10 MG/ML Inj 10 MG/ML VIAL,4842.0,,IV,TITRATE,,No,21358,5 +65996529,1856168,6756,6755,No,No,Propofol 10 MG/ML Inj 10 MG/ML VIAL,4842.0,,IV,.STK-MED,,No,6769,5 +64786098,1856168,21617,21935,No,No,,11814.0,30 MG,PO,NIGHTLY,,No,22915,80 +64871499,1856168,13723,13835,Yes,No,PIPERACILLIN/TAZOBACTAM SOD 3.375 GM VIAL,8738.0,3.375 GM,IV,Q8HR,,No,22915,19 +64739519,1856168,21609,21935,No,No,,6031.0,2 MG,PO,NIGHTLY,,No,22915,41 +63746631,1856168,11622,11625,Yes,No,,20971.0,200 MCG,IV,TITRATE,,No,14264,83 +63998893,1856168,13723,14015,No,No,,6071.0,,IV,Q12HR,,No,19836,19 +65341156,1856168,21597,21590,No,No,LORAZEPAM,4846.0,2 MG,PO,QID,,Yes,22915,80 +63353351,1856168,9923,9925,No,No,,12306.0,1 EA,TD,,,No,22915,65 +67290729,1856168,14404,14402,No,No,MIDAZOLAM HCL,1619.0,2 MG,.ROUTE,.STK-MED,,No,14403,0 +67060816,1856168,2755,3215,No,No,,1878.0,200 MG,IV,Q12HR,,No,14058,44 +66617724,1856168,14381,14378,No,No,,1475.0,20 ML,INJ,.STK-MED,,No,14379,5 +64920139,1856168,9900,9895,Yes,No,,20971.0,200 MCG,IV,TITRATE,,No,11622,83 +64002796,1856168,14407,14405,No,No,LIDOCAINE HCL 2%,33592.0,5 ML,INJ,.STK-MED,,No,14406,5 +65827815,1856168,3164,3185,Yes,No,,20971.0,200 MCG,IV,TITRATE,,No,7570,83 +66340322,1856168,3972,3965,No,No,,6071.0,,IV,Q12HR,,No,9154,19 +66707618,1856168,7571,7570,Yes,No,,20971.0,400 MCG,IV,TITRATE,,No,9653,83 +64417739,1856168,14265,14265,Yes,No,,20971.0,400 MCG,IV,TITRATE,,No,20028,83 +67488127,1856168,9901,9895,No,No,DOCUSATE SODIUM,1326.0,100 MG,OG-TUBE,BID,,No,22915,65 +64978836,1856168,15673,15670,No,No,,1878.0,200 MG,IV,BID,,No,22915,44 +66468865,1856168,14375,14355,No,No,,8254.0,,IV,,,No,15291,59 +64873606,1856168,9779,9780,No,No,DOCUSATE SODIUM,1326.0,100 MG,PO,BID,,No,9894,65 +65107664,1856168,14075,14735,No,No,,1877.0,200 MG,PO,BID,,No,15669,44 +71678038,2032114,2340,2431,No,No,FLAGYL,8259.0,500 mg,IV,q 8 hour,,No,20896,19 +78761916,2032114,3592,3586,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 hour,,No,18277,14 +76654492,2032114,12266,12511,No,No,MERREM,11254.0,500 mg,IV,q 8 hour,,No,18010,19 +77959841,2032114,8441,8671,No,No,CORDARONE,83.0,200 mg,Oral,BID,,No,13119,38 +76905734,2032114,15095,15151,No,No,KLOR-CON,549.0,40 mEq,G Tube,BID X2,,No,15883,99 +71561960,2032114,18288,18286,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 h PRN,,Yes,21921,14 +80482410,2032114,12537,12541,No,No,PLAVIX,17539.0,75 mg,Oral,Daily,,No,12993,25 +79851887,2032114,6472,6511,No,No,CORDARONE,83.0,400 mg,Oral,BID,,No,8439,38 +78769016,2032114,2,-689,No,No,,1100.0,100 mg,Oral,Daily,,No,9520,11 +76618613,2032114,7890,7951,No,No,DULCOLAX,1301.0,10 mg,Rectal,Daily,,No,10926,65 +74192807,2032114,6646,6646,No,No,"HEPARIN (PORCINE) 5,000 UNIT/ML INJECTION : 1 ML VIAL",2810.0,"5,000 Units",subCUT,q 12 hour (BID),,No,12270,36 +72992092,2032114,3640,3661,No,No,COLACE,1326.0,50 mg,Oral,Daily,,No,10926,65 +75833556,2032114,12467,12466,No,No,PROTONIX,22008.0,40 mg,IV,q 12 hour (BID),,No,12993,65 +79415565,2032114,18277,19471,No,No,,36875.0,25 mg,IV,Daily,,No,19445,68 +72768079,2032114,2,-689,No,No,ECOTRIN EC,1820.0,81 mg,Oral,Daily,,No,3516,2 +79979586,2032114,2,-1634,No,No,NITROSTAT,159.0,0.4 mg,Sublingual,q 5 min PRN,,Yes,21921,38 +73098033,2032114,9534,10831,No,No,,1396.0,,G Tube,Daily,,No,10926,0 +79483843,2032114,3559,3631,No,No,,739.0,300 mg,NG Tube,BID,,No,21921,59 +73648493,2032114,2,-1409,No,No,LOPRESSOR,2102.0,12.5 mg,Oral,BID,,No,2328,41 +80628428,2032114,2,-1409,No,No,,739.0,325 mg,Oral,BID,,No,3517,59 +75158688,2032114,2,-689,No,No,PROTONIX,22008.0,40 mg,Oral,Daily,,No,3518,65 +76077838,2032114,2,-1634,No,No,ATIVAN,4846.0,0.5 mg,Oral,q 8 hour PRN,,Yes,21921,80 +71686178,2032114,18265,18271,No,No,PLAVIX,17539.0,75 mg,Oral,Daily,,No,21884,25 +72247322,2032114,19445,19471,No,No,,189.0,4 mL,Inhalation,Resp BID,,No,21921,14 +76084702,2032114,19587,20191,No,No,CORDARONE,83.0,200 mg,Oral,BID,,No,21921,38 +79962328,2032114,2349,2356,No,No,PLAVIX,17539.0,75 mg,Oral,Daily,,No,12270,25 +72058702,2032114,16904,16906,No,No,CORDARONE,83.0,400 mg,Oral,BID,,No,19585,38 +72690202,2032114,9955,9961,No,No,BUMINATE,2728.0,12.5 Gram,IV,,,No,12810,35 +73205876,2032114,20884,20881,No,No,KLOR-CON,549.0,40 mEq,Oral,,,No,21008,59 +77544213,2032114,10935,10936,No,No,DULCOLAX,1301.0,10 mg,Rectal,Daily PRN,,Yes,21921,65 +77351065,2032114,1,31,No,No,,37328.0,90 mg,Oral,BID,,No,2344,25 +72529003,2032114,19441,19471,No,No,,189.0,4 mL,Inhalation,BID,,No,19444,14 +71754106,2032114,13001,13006,No,No,PROTONIX,22008.0,80 mg,IV,q 12 hour (BID),,No,13975,65 +75698448,2032114,3667,3666,No,No,,6071.0,400 mg,IV,q 24 hour (daily),,No,10845,19 +77422997,2032114,3666,5101,No,No,,6071.0,400 mg,IV,q 24 hour (daily),,No,3667,19 +73141148,2075529,361,706,No,No,LOVENOX,7878.0,40 mg,subCUT,BID,,No,2778,36 +77297134,2075529,2958,2951,No,No,NORCO,1730.0,1 Tab,Oral,q 4 hour PRN,,Yes,4686,2 +74547443,2075529,18,646,No,No,,10132.0,"2,000 mg",IV,q 12 hour (BID),,No,4686,19 +74164093,2075529,3230,3241,No,No,,1820.0,325 mg,Oral,Daily,,No,4686,2 +71560198,2075529,19,16,No,No,"HEPARIN (PORCINE) 5,000 UNIT/ML INJECTION : 1 ML VIAL",2810.0,"5,000 Units",subCUT,q 8 hour,,No,354,36 +74117049,2075529,4,-164,No,No,,10132.0,"2,000 mg",IV,q 8 hour,,No,17,19 +72490962,2193648,48,42,No,No,PLAVIX,17539.0,75 mg,Oral,Daily,,No,11156,35 +78738147,2193648,42,42,No,No,,1062.0,1 mg,Oral,Daily,,No,14821,95 +77246206,2193648,42,42,No,No,FLOMAX,13864.0,0.4 mg,Oral,Daily,,No,2468,99 +80506395,2193648,43,42,No,No,NICODERM CQ,6249.0,1 Patch,Transdermal,Daily,,No,9692,97 +72675460,2193648,42,42,No,No,ECOTRIN EC,1820.0,81 mg,Oral,Daily,,No,11156,2 +73336259,2193648,43,372,No,No,,17433.0,100 mg,Oral,BID,,No,14821,35 +73902439,2193649,8278,8317,No,No,NICODERM CQ,6249.0,1 Patch,Transdermal,Daily,,No,13406,97 +76294938,2193649,1852,2557,No,No,PROTONIX,22008.0,40 mg,IV,Daily,,No,2590,65 +77520535,2193649,16,22,No,No,"HEPARIN (PORCINE) 5,000 UNIT/ML INJECTION : 1 ML VIAL",2810.0,"5,000 Units",subCUT,q 12 hour (BID),,No,5334,36 +73865120,2193649,346,397,No,No,,8255.0,10 mL,IV,q 8 hour,,No,11415,59 +75743331,2193649,6778,6877,No,No,CORDARONE,83.0,200 mg,Oral,Daily,,No,6870,38 +73637222,2193649,8428,8497,No,No,NOVOLOG,20769.0,,subCUT,TID Meals,,No,13406,71 +75054950,2193649,1001,1237,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 hour,,No,4034,14 +78359985,2193649,4011,4177,No,No,NOVOLOG,20769.0,,subCUT,TID Meals,,No,8417,71 +79202105,2193649,6873,6877,No,No,CORDARONE,83.0,200 mg,Oral,BID,,No,13406,38 +72220035,2233402,127,271,No,No,PROTONIX,22008.0,40 mg,IV,q 12 hour (BID),,No,226,65 +78130005,2233402,136,135,No,No,NITROSTAT,159.0,0.4 mg,Sublingual,q 5 min PRN,,Yes,1486,38 +77105287,2233402,127,271,No,No,,17433.0,100 mg,Oral,BID,,No,236,35 +78167187,2233402,127,18,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 h PRN,,Yes,1486,14 +86722409,2303500,2,-16,No,No,,8993.0,30 mg,Oral,q 12 hour (BID),,No,5799,65 +87461043,2303500,2,-16,No,No,VANCOCIN,4042.0,"1,000 mg",IV,q 12 hour (BID),,No,29,19 +81400318,2303500,1581,1574,No,No,,3923.0,200 mg,Oral,BID,,No,5799,26 +87244756,2303500,1631,1634,No,No,VANCOCIN,4042.0,"1,000 mg",IV,q 12 hour (BID),,No,3084,19 +85537775,2303500,58,524,No,No,,10132.0,"2,000 mg",IV,q 12 hour (BID),,No,4062,19 +82334438,2303500,24,8,No,No,ZOFRAN ODT,19058.0,8 mg,Oral,q 8 hour PRN,,Yes,5799,65 +84194125,2303500,472,479,No,No,NOVOLOG,20769.0,,subCUT,TID Meals,,No,511,71 +82820400,2303500,2,-46,No,No,,10132.0,"1,000 mg",IV,q 12 hour (BID),,No,53,19 +84765878,2334053,2374,2371,No,No,NORCO,1730.0,,Oral,q 4 hour PRN,,Yes,6069,2 +87466534,2334053,6,-8,No,No,NORCO,1730.0,1 Tablet,Oral,q 4 hour PRN,,Yes,2373,2 +84530192,2334053,7,331,No,No,,8993.0,30 mg,Oral,q 12 hour (BID),,No,6069,65 +82928549,2334053,5303,5371,No,No,ROCEPHIN,33094.0,"2,000 mg",IV,q 24 hour (daily),,No,6069,19 +88054705,2334053,1333,1336,No,No,,2749.0,250 mL,IV,q 24 hour (daily),,No,6069,65 +83548644,2334053,7,1051,No,No,,2901.0,100 mg,Oral,Daily,,No,6069,56 +81957786,2450383,4005,4075,No,No,MERREM,11254.0,"1,000 mg",IV,q 8 hour,,No,5145,19 +86167108,2450383,1,-50,No,No,,21157.0,600 mg,IV,,,No,8644,19 +87209197,2450383,1,-40,No,No,ATIVAN,4846.0,2 mg,IV,q 4 hour PRN,,Yes,11102,83 +88027465,2450383,1,-80,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 hour,,No,14002,14 +86176553,2450383,11110,11110,No,No,PROTONIX,22008.0,40 mg,Oral,Daily,,No,23309,65 +80879272,2450383,936,1135,No,No,NOVOLOG,20769.0,,subCUT,q 4 hour,,No,7067,71 +83990851,2450383,936,940,No,No,LANTUS,22025.0,10 Units,subCUT,Daily,,No,7067,71 +85987617,2462225,1,-46,No,No,,13429.0,"1,000 mg",IV,q 8 hour,,No,5949,19 +84185030,2462225,1,674,No,No,,1421.0,0.5 mg,Oral,Daily,,No,9648,68 +81409655,2462225,1,674,No,No,,130.0,20 mg,Oral,Daily,,No,9648,41 +85361711,2462225,1,-211,No,No,,7605.0,10 mg,Oral,Daily,,No,9648,17 +83811989,2462225,1,-46,No,No,PROTONIX,22008.0,40 mg,Oral,BID,,No,9648,65 +87589437,2469796,19,42,No,No,,10132.0,"1,000 mg",IV,q 12 hour (BID),,No,5664,19 +86071201,2469796,7,3,No,No,NORCO,1730.0,1 Tablet,Oral,q 4 hour PRN,,Yes,5664,2 +83000138,2469796,824,972,No,No,,3923.0,800 mg,Oral,Daily,,No,5664,26 +83406725,2469796,10,132,No,No,,8993.0,30 mg,Oral,q 12 hour (BID),,No,5664,65 +84248189,2469796,3701,3852,No,No,,17876.0,250 mg,Oral,BID,,No,3723,65 +85857180,2469796,824,807,No,No,XANAX,1617.0,0.5 mg,Oral,q 4 hour PRN,,Yes,5664,80 +86918797,2492811,15,1,No,No,,4295.0,,Mouth/Throat,Daily PRN,,Yes,10220,99 +87092995,2492811,8133,8214,No,No,,36444.0,400 mg,Oral,BID Meals,,No,10220,38 +82427785,2492811,3925,3939,No,No,,10132.0,"1,000 mg",IV,q 8 hour,,No,10220,19 +83584329,2492812,1,1,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 hour,,No,43,14 +88266853,2492812,1,1,No,No,,8993.0,30 mg,Oral,q 12 hour (BID),,No,11817,65 +82845165,2492812,1196,1186,No,No,NOVOLOG,20769.0,2 Units,subCUT,TID Meals,,No,11817,71 +82225178,2492812,1,1,No,No,COLACE,1326.0,100 mg,Oral,BID,,No,6851,65 +85650478,2492812,1194,1261,No,No,,3923.0,800 mg,Oral,Daily,,No,11817,26 +84423559,2492812,1196,1186,No,No,NOVOLOG,20769.0,,subCUT,TID Meals,,No,11817,71 +86613958,2492812,29,31,No,No,,2901.0,100 mg,Oral,Daily,,No,3999,56 +84234118,2492812,1194,1173,No,No,ATIVAN,4846.0,0.5 mg,IV,q 4 hour PRN,,Yes,11817,83 +88064060,2492812,47,46,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 h PRN,,Yes,11817,14 +87046502,2492812,1,-9,No,No,NORCO,1730.0,1 Tab,Oral,q 4 hour PRN,,Yes,11817,2 +87726468,2512314,5248,5239,No,No,,20968.0,,Oral,HS PRN,,Yes,13633,68 +81497428,2512314,2,57,No,No,DUONEB,9040.0,3 mL,Inhalation,Resp q 4 hour,,No,13633,14 +82352062,2512314,6725,6732,No,No,PROTONIX,22008.0,40 mg,Oral,Daily,,No,13633,65 +90748228,2597776,2,-78,Yes,No,,8255.0,50 mL,IV,Daily,,No,1570,59 +90573373,2597776,2,-85,Yes,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 MG,Oral,Every 6 hours PRN,,Yes,4601,2 +92532373,2597776,4604,4601,Yes,No,ACETAMINOPHEN 325 MG TABLET,1866.0,325-650 mg,Oral,Every 6 hours PRN,,Yes,28757,2 +92022461,2597776,5679,5817,Yes,No,,1241.0,1 PACKET,Oral,,,No,28757,65 +92303526,2597776,2,897,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Every morning before breakfast,,No,12556,65 +90020139,2597776,1576,1587,Yes,No,,8738.0,3.375 g,IV,Every 6 hours scheduled,,No,16842,19 +90683545,2597776,2,-87,Yes,No,,4846.0,0.5-1 mg,Oral,Every 6 hours PRN,,Yes,21453,80 +92565324,2597776,2,-63,Yes,No,,6323.0,25 MG,Oral,Daily,,No,4585,41 +91109323,2597777,6718,6743,Yes,No,,,1 PATCH,TD,Daily,,No,18463,0 +89957125,2597777,11407,12203,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Every morning before breakfast,,No,18463,65 +92012712,2597777,2332,4163,Yes,No,100 ML BAG : SODIUM CHLORIDE 0.9 % 0.9 % IV SOLP,8255.0,100 mL,IV,Every 24 hours,,No,5628,59 +92363214,2597777,18125,18108,Yes,No,,4846.0,0.5-1 mg,Oral,Every 4 hours PRN,,Yes,18463,80 +90663067,2597777,230,224,Yes,No,,1730.0,1 TAB,Oral,Every 4 hours PRN,,Yes,12564,2 +90957938,2597777,877,875,Yes,No,,4480.0,25 MG,IV,Every 6 hours PRN,,Yes,11159,17 +90907604,2597777,890,885,Yes,No,,2876.0,60 MG,IV,2 times daily,,No,3817,68 +89814531,2609672,2,-688,Yes,No,DOCUSATE SODIUM 100 MG CAPSULE,1326.0,100 MG,Oral,2 times daily,,No,7628,65 +91019477,2609672,2,-103,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Every morning before breakfast,,No,7628,65 +90045775,2609672,2,-112,Yes,No,,1742.0,,Oral,Every 4 hours PRN,,Yes,7628,2 +89685575,2609672,1571,2867,Yes,No,,2879.0,5 MG,Oral,Daily,,No,7628,68 +89976651,2609672,178,163,Yes,No,,1950.0,5 MG,Oral,3 times daily PRN,,Yes,7628,77 +91842163,2609672,2,-28,Yes,No,,1615.0,2.5 MG,IV,Once X1,,No,7628,80 +91382077,2609672,2,-13,Yes,No,,6227.0,20 MG,Oral,Daily,,No,286,41 +91229240,2609672,2,-713,Yes,No,,1301.0,10 MG,Rect,Daily PRN,,Yes,7628,65 +91328740,2609672,2,-13,Yes,No,,10321.0,20 MG,Oral,Daily,,No,7628,80 +90455648,2609672,2,-713,Yes,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 MG,Oral,Every 6 hours PRN,,Yes,7628,2 +90820782,2610399,578,577,Yes,No,,1730.0,1 TAB,Oral,Every 6 hours PRN,,Yes,4615,2 +91447435,2610399,183,182,Yes,No,,1950.0,5 MG,Oral,3 times daily PRN,,Yes,4615,77 +91806269,2610399,181,200,Yes,No,,6227.0,20 MG,Oral,Daily,,No,4615,41 +92069434,2610399,181,1190,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Every morning before breakfast,,No,4615,65 +92273412,2610399,181,200,Yes,No,,10321.0,20 MG,Oral,Daily,,No,4615,80 +92533891,2627574,1229,1250,Yes,No,,8255.0,50 mL,IV,Daily,,No,2494,59 +90044362,2627574,2,-100,Yes,No,,10321.0,20 MG,Oral,Daily,,No,8859,80 +91611401,2627574,2,965,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Every morning before breakfast,,No,8859,65 +91627293,2627574,1078,1100,Yes,No,,,1 PATCH,TD,Daily,,No,8859,0 +91826874,2627574,2,335,Yes,No,,6227.0,20 MG,Oral,Daily,,No,8859,41 +92392092,2627574,2,-128,Yes,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 MG,Oral,Every 6 hours PRN,,Yes,8859,2 +91917072,2627574,4244,4265,Yes,No,,1820.0,300 MG,Rect,Daily,,No,4329,2 +92289246,2627574,4244,4265,Yes,No,DOCUSATE SODIUM 100 MG CAPSULE,1326.0,100 MG,Oral,2 times daily,,No,8859,65 +92420320,2628859,2,-10,Yes,No,"PANTOPRAZOLE 40 MG TABLET,DELAYED RELEASE",22008.0,40 MG,Oral,Daily,,No,5896,65 +91352575,2628859,2,-36,Yes,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 MG,Oral,Every 6 hours PRN,,Yes,5896,2 +92805158,2628859,2,-36,Yes,No,,8317.0,50 MG,Oral,Every 6 hours PRN,,Yes,5896,2 +92333462,2628859,1303,1325,Yes,No,,,1 PATCH,TD,Daily,,No,5896,0 +90273824,2628859,2,-10,Yes,No,,4.0,125 MCG,Oral,Daily,,No,5896,38 +97695934,2999209,18,0,No,No,ondansetron HCl (PF) (ZOFRAN) injection 4 mg,33598.0,4 mg,IV,Every 6 Hours PRN,,Yes,1272,65 +96433868,3003035,14801,15994,No,No,,7878.0,40 mg,SubQ,Every 24 Hours,,No,32264,36 +97806757,3003035,4521,4564,No,No,furosemide (LASIX) injection 20 mg,3660.0,20 mg,IV,Once X1,,No,4530,56 +97727178,3003035,21629,21754,No,No,,22025.0,20 Units,SubQ,Every 24 Hours,,No,23085,71 +96585076,3003035,2986,3019,No,No,,7878.0,40 mg,SubQ,Every 24 Hours,,No,14800,36 +96793994,3003035,20691,20719,No,No,,2728.0,12.5 g,IV,Once X1,,No,20750,35 +97972270,3003035,30761,30784,No,No,furosemide (LASIX) injection 20 mg,3660.0,20 mg,IV,Once X1,,No,30786,56 +97637735,3003035,17750,17779,No,No,,3660.0,10 mg,Oral,Once X1,,No,17848,56 +96778306,3003035,30735,30769,No,No,,2812.0,2.5 mg,Oral,Daily,,No,32264,36 +96572643,3003035,6771,6814,No,No,"heparin (porcine) injection 5,000 Units",2810.0,"5,000 Units",SubQ,Every 12 Hours,,No,6898,36 +97225197,3003035,23096,23194,No,No,,22025.0,15 Units,SubQ,Every 24 Hours,,No,24497,71 +97734031,3003035,8715,8749,No,No,,22025.0,10 Units,SubQ,Once X1,,No,8855,71 +97042541,3003035,3478,4534,No,No,,22025.0,10 Units,SubQ,Every 24 Hours,,No,5841,71 +97217295,3003035,8715,10294,No,No,,22025.0,10 Units,SubQ,Every 24 Hours,,No,11605,71 +97886858,3003035,22116,22144,No,No,bisacodyl (DULCOLAX) suppository 10 mg,1301.0,10 mg,Rect,Once X1,,No,22210,65 +97179956,3003035,561,574,No,No,,11528.0,,SubQ,,,No,5237,71 +97651870,3003035,11723,11721,No,No,bisacodyl (DULCOLAX) suppository 10 mg,1301.0,10 mg,Rect,Daily PRN,,Yes,32264,65 +97161717,3003035,3408,3439,No,No,,22025.0,10 Units,SubQ,Once X1,,No,3489,71 +97472243,3003035,5257,5269,No,No,,11528.0,,SubQ,,,No,32264,71 +96445606,3003035,20691,20719,No,No,furosemide (LASIX) injection 20 mg,3660.0,20 mg,IV,Once X1,,No,20751,56 +96529814,3003035,5872,6274,No,No,,12383.0,750 mg,IV,Every 24 Hours,,No,7283,19 +97661551,3003035,11723,12094,No,No,bisacodyl (DULCOLAX) suppository 10 mg,1301.0,10 mg,Rect,Once X1,,No,12166,65 +96512629,3003035,20195,20314,No,No,,22025.0,30 Units,SubQ,Every 24 Hours,,No,21624,71 +97107607,3003035,20195,20224,No,No,furosemide (LASIX) injection 40 mg,3660.0,40 mg,IV,Once X1,,No,20557,56 +104257640,3069831,617,615,No,No,,2073.0,2.5 MG,INH,EVERY 4 HR PRN Routine,,Yes,43814,14 +103309719,3069831,785,773,No,No,,18084.0,,INH,EVERY 4 HR PRN Routine,,Yes,43972,99 +104257652,3069831,788,1193,No,No,,21993.0,2 PUFF,INH,,,No,43913,14 +103309733,3069831,789,1433,No,No,heparin (porcine),18084.0,"5,000 UNIT",SUBCUT,Q12HR(09 21) Routine,,No,43913,0 +103309718,3069831,785,833,No,No,,18084.0,50 MG,PO,DAILY (0900),,No,43913,99 +103313434,3069831,3526,3593,No,No,COZAAR,18084.0,50 MG,PO,DAILY (0900) Routine,,No,45353,99 +103309720,3069831,786,833,No,No,,1653.0,75 MG,PO,,,No,987,80 +103311673,3069831,2202,2633,No,No,,551.0,500 MG,PO,,,No,6473,59 +103309724,3069831,787,833,No,No,,1653.0,75 MG,PO,,,No,833,80 +103330660,3083539,540,536,No,No,SODIUM CHLORIDE,,0 ML,.ROUTE,.STK-MED,,No,537,0 +103330144,3083539,69,64,Yes,Yes,,182.0,100 MG,IV,TITRATE,,No,0,38 +103330457,3083539,277,274,No,No,SODIUM CHLORIDE,,0 ML,.ROUTE,.STK-MED,,No,275,0 +103330107,3083539,36,33,No,No,,,0 ML,.ROUTE,.STK-MED,,No,34,0 +104258852,3083539,2864,3064,No,No,,271.0,600 MG,PO,Q12HR,,No,3703,50 +103331387,3083539,1377,1384,No,No,,19858.0,,INH,Q2HP,,Yes,6994,14 +103330130,3083539,62,64,No,No,,1694.0,2 ML,IV,NOW,,No,65,2 +103330310,3083539,162,158,No,No,SODIUM CHLORIDE,,0 ML,.ROUTE,.STK-MED,,No,159,0 +104258689,3083539,71,79,No,No,,1694.0,2 ML,IV,Q2HP,,Yes,136,2 +103330132,3083539,62,56,No,No,,,0 ML,.ROUTE,.STK-MED,,No,57,0 +103330138,3083539,67,64,No,No,SALINE FLUSH,8255.0,0 ML,FLUSH,PER PROTOCOL,,Yes,6994,59 +103330230,3083539,80,79,No,No,,182.0,100 ML,IV,TITRATE,,No,3703,38 +103329913,3083539,-16,-134,No,No,,,0 ML,.ROUTE,.STK-MED,,No,-133,0 +104258721,3083539,710,707,No,No,SODIUM CHLORIDE,,0 ML,.ROUTE,.STK-MED,,No,708,0 +103329984,3083539,-16,-153,No,No,,,0 ML,.ROUTE,.STK-MED,,No,-152,0 +103329983,3083539,-16,-154,No,No,IPRATROPIUM 0.02%,,0 ML,.ROUTE,.STK-MED,,No,-153,0 +103335653,3083539,4105,4504,No,No,,4013.0,100 MG,PO,Q12HR,,No,6994,19 +103330066,3083539,-4,-7,No,No,,,,.ROUTE,.STK-MED,,No,-6,0 +103335647,3083539,4103,4504,No,No,,21993.0,,INH,Q12HR,,No,6994,14 +103330225,3083539,73,154,Yes,No,,6334.0,500 MG,IV,Q24H,,No,4098,19 +103330141,3083539,69,154,No,No,,19858.0,,INH,,,No,246,14 +103330020,3083539,-16,-135,No,No,,,0 ML,.ROUTE,.STK-MED,,No,-134,0 +102235852,3090122,10559,10829,No,No,,549.0,10 MEQ,PO,BID,,No,10829,59 +102226611,3090122,3657,3869,No,No,,21157.0,600 MG,PO,Q12HR,,No,11176,20 +102222984,3090122,723,719,No,No,,6306.0,1 ML,IV,ONCE,,No,720,59 +102226610,3090122,3657,3719,No,No,,23241.0,1 GM,IM,Q24H,,No,8039,20 +102238660,3090122,12533,13199,No,No,DIGOXIN,4.0,0.125 MG,PO,,,No,13582,38 +102231559,3090122,7481,7551,No,No,,2876.0,30 ML,IV,Q12HR,,No,11663,68 +102221710,3090122,149,149,No,No,,2876.0,,IV,NOW,,No,150,68 +102221864,3090122,251,254,No,No,,37442.0,,NONE,,,No,4539,20 +102237655,3090122,11668,11789,No,No,,2876.0,20 ML,IV,Q12HR,,No,13403,68 +102221633,3090122,-7,-289,No,No,,2073.0,0 ML,INH,.STK-MED,,No,-288,14 +102224073,3090122,1581,1679,No,No,DIGOXIN,4.0,0.25 MG,PO,,,No,12526,38 +102221942,3090122,291,389,Yes,No,,4042.0,1 GM,IV,Q24H,,No,4539,20 +102225891,3090122,3133,3149,No,No,,2876.0,,IV,Q12HR,,No,7472,68 +102221627,3090122,106,89,No,No,,2073.0,2.5 ML,NEBULIZER,Q2HP,,Yes,13403,14 +102221628,3090122,106,269,Yes,No,Pepcid,35085.0,20 MG,IV,Q12HR,,No,269,65 +102221638,3090122,-7,-259,No,No,,6306.0,200 ML,IV,.STK-MED,,No,-258,59 +104217050,3096492,509,581,No,No,PREDNISONE,2879.0,5 MG,ORAL,BID,,No,43780,68 +102506836,3096492,509,581,No,No,BUMETANIDE,3664.0,1 MG,ORAL,BID,,No,1624,56 +102506839,3096492,509,1301,No,No,,6421.0,5 MG,ORAL,,,No,44500,99 +102506846,3096492,509,581,No,No,,11505.0,15 MG,ORAL,HS,,No,5849,80 +102510312,3096492,2761,2771,No,No,DEXTROSE 50%,926.0,25 GM,INTRAVENOUS,,,Yes,45970,59 +102506844,3096492,509,1301,No,No,,12404.0,40 MG,ORAL,,,No,44500,41 +102506845,3096492,509,1301,No,No,LISINOPRIL,132.0,5 MG,ORAL,,,No,44500,41 +102510311,3096492,2761,2771,No,No,DEXTROSE 50%,926.0,12.5 GM,INTRAVENOUS,,,Yes,45970,59 +102507238,3096492,640,641,No,No,,,0 MG,Route,.STK-MED,,No,638,0 +102505851,3096492,45,56,No,No,MORPHINE SULFATE,1694.0,2 MG,INTRAVENOUS,,,Yes,4648,2 +102510314,3096492,2761,2861,No,No,,11528.0,0 UNIT,SUBCUTANEOUS,AC,,No,46060,71 +102510300,3096492,2757,3461,No,No,BUMETANIDE,3664.0,1 MG,ORAL,BID,,No,46660,56 +102510574,3096492,2839,3461,No,No,DOCUSATE SODIUM,1326.0,100 MG,ORAL,BID,,No,46660,65 +102807616,3099740,4,0,Yes,No,,182.0,125 MG,Intravenous,,,No,43199,38 +102808487,3099740,408,414,No,No,Midazolam,,0 MG,Route,.STK-MED,,No,402,0 +102808339,3099740,355,349,No,No,,182.0,30 MG,Oral,Q6HR,,No,43548,38 +102807515,3099740,-5,0,No,No,,1329.0,30 ML,Oral,,,Yes,43199,65 +102807510,3099740,-5,0,No,No,,1866.0,650 MG,Oral,,,Yes,43199,2 +102807513,3099740,-5,0,No,No,,1169.0,30 ML,Oral,,,Yes,43199,65 +102807511,3099740,-5,0,No,No,,1866.0,650 MG,Rectal,,,Yes,43199,2 +102807512,3099740,-5,0,No,No,,33598.0,4 MG,Intravenous,,,Yes,43199,65 +102419582,3122442,2,-2584,No,No,,1820.0,325 MG,PO,DAILY (0900),,No,-110,2 +102419607,3122442,9,356,No,No,HumaLOG,11528.0,,SUBCUT,,,No,48,71 +102419606,3122442,8,-2,No,No,,1866.0,650 MG,RECT,EVERY 4 HR PRN Routine,,Yes,794,2 +102419555,3122442,1,-8018,No,No,SALINE FLUSH,8255.0,10 ML,IV,,,Yes,794,59 +102419564,3122442,1,-7384,No,No,heparin (porcine),2810.0,"5,000 UNIT",SUBCUT,,,No,-7466,36 +102419560,3122442,1,-7781,No,No,,1866.0,650 MG,RECT,EVERY 4 HR PRN Routine,,Yes,-7466,2 +102419569,3122442,1,-7384,No,No,,17876.0,250 MG,PO,,,No,-4,65 +102419571,3122442,1,-7255,No,No,oxyCODONE,1742.0,5 MG,PO,EVERY 4 HR PRN Routine,,Yes,-2867,2 +102419920,3122442,17,296,No,No,Protonix,22008.0,40 MG,IV,,,No,794,65 +102419647,3122442,49,356,No,No,HumaLOG,18084.0,,SUBCUT,,,No,794,0 +102696605,3128596,235,238,No,No,,1619.0,MG,Intravenous,.STK-MED,,No,231,5 +102696035,3128596,-15,-45,No,No,,2102.0,0 MG,Intravenous,.STK-MED,,No,-53,41 +105987961,3193216,336,532,No,No,,2888.0,10 MG,IV,Q6H SCH,,No,3375,68 +104652421,3193216,25,16,No,No,HYDRALAZINE HCL 20 MG/ML IJ SOLN,89.0,10 MG,IV,Q2H PRN,,Yes,3375,41 +105875195,3193216,163,161,No,No,,34805.0,1 MG,IV,Q3H PRN,,Yes,3375,2 +105758682,3193216,1,-158,Yes,No,,11679.0,,IV,Once X1,,No,-149,44 +105008068,3193216,27,52,No,No,,3662.0,25 MG,PO,Daily,,No,3375,56 +106007793,3193216,1,-323,No,No,,4520.0,50 MG,IV,Once X1,,No,-321,65 +105130887,3193216,24,37,No,No,,132.0,40 MG,PO,Daily,,No,3375,41 +108206857,3211257,1,-118,No,No,,33592.0,100 MG,IV PUSH,ONETIME,,No,-117,38 +107043529,3211257,430,444,No,No,,35085.0,10 MG,IV PUSH,BID,,No,444,65 +106432886,3211257,1,-193,Yes,No,,20952.0,1000 MG,IV,,,No,-179,44 +107057200,3211257,1,-108,No,No,,4842.0,MG,IV,,,No,-90,5 +108720367,3211257,1,-215,Yes,No,,3948.0,,IV,,,No,-186,19 +108107314,3211257,1,-118,No,No,,1554.0,20 MG,IV PUSH,ONETIME,,No,-117,5 +107840078,3211257,435,924,No,No,,35085.0,10 MG,IV PUSH,BID,,No,5861,65 +107466201,3244585,1,72,No,No,,,1 PUFF,INH,QID,,No,5478,0 +107294801,3244585,1,1212,No,No,,21607.0,40 MG,PO,AC,,No,1212,65 +106198404,3244585,3779,3822,No,No,POTASSIUM CHLORIDE TAB,549.0,40 MEQ,PO,ONETIME,,No,3823,59 +108214945,3244585,1,-18,No,No,,,1 PUFF,INH,BID,,Yes,685,0 +107604539,3244585,700,852,No,No,,,2 PUFF,INH,QID,,No,5478,0 +106297143,3246790,1073,1091,No,No,,610.0,2 GM,IV,ONETIME,,No,1092,59 +107840962,3246790,2,-120,No,No,DEXTROSE 50% INJ,926.0,50 ML,IV PUSH,ONETIME,,No,-119,59 +108808537,3246790,2,-19,Yes,No,,523.0,150 MEQ,IV,,,No,2452,59 +107751827,3246790,13,56,No,No,,8259.0,MG,IV,,,No,2726,19 +107798088,3246790,3268,3341,No,No,,,,EYE RIGHT,BID,,No,7271,0 +106812952,3246790,2,-120,No,No,DEXTROSE 50% INJ,926.0,50 ML,IV PUSH,ONETIME,,No,-119,59 +106632678,3246790,3268,3341,No,No,,,,EYE RIGHT,Q8,,No,7271,0 +106146404,3246790,4459,4541,No,No,,2879.0,60 MG,PO,ONETIME,,No,4542,68 +107939673,3246790,3349,3341,No,No,,1820.0,81 MG,PO,ONETIME,,No,3342,2 +111243139,3348292,11149,11155,No,No,acetaminophen (TYLENOL) tablet 650 mg,1866.0,650 mg,Oral,Once X1,,No,11195,2 +111218641,3348292,961,922,No,No,ondansetron (ZOFRAN) injection 4 mg,33598.0,4 mg,Intravenous,Q6H PRN,,Yes,1455,65 +111454411,3348292,961,922,No,No,,25386.0,25 mcg,Intravenous,,,Yes,1012,2 +111100820,3348292,962,922,No,No,,12014.0,12.5 mg,Intravenous,Q6H PRN,,Yes,6608,17 +111506637,3348292,5268,5290,Yes,No,,540.0,30 mmol,Intravenous,Once X1,,No,5710,59 +111216555,3348292,55,54,No,No,ondansetron (ZOFRAN) injection 4 mg,33598.0,4 mg,Intravenous,Q6H PRN,,Yes,28959,65 +111037302,3348292,13,-54,No,No,,22008.0,80 mg,Intravenous,Once X1,,No,-29,65 +111007580,3348292,10799,10794,No,No,,1694.0,2 mg,Intravenous,Q2H PRN,,Yes,10817,2 +111792442,3348292,493,1015,No,No,,34344.0,400 mg,Intravenous,Daily,,No,19767,22 +111377498,3348292,13,-108,No,No,ondansetron (ZOFRAN) injection 4 mg,33598.0,4 mg,Intravenous,Once X1,,No,-98,65 +111329468,3348292,155,175,Yes,No,,2051.0,4 MG,Intravenous,Titrated,,No,2615,32 +111343873,3348292,826,850,Yes,No,,585.0,1 g,Intravenous,Once X1,,No,904,59 +110611600,3348292,2202,2230,Yes,No,,585.0,1 g,Intravenous,Once X1,,No,2304,59 +110831705,3348292,13,-102,No,No,,25386.0,50 mcg,Intravenous,Once X1,,No,-88,2 +111325288,3348292,2615,2635,Yes,No,,2051.0,,Intravenous,Titrated,,No,5397,32 +111167329,3348292,13,-108,No,No,"sodium chloride 0.9% (NS) bolus 1,000 mL",8255.0,"1,000 mL",Intravenous,Once X1,,No,-33,59 +111498322,3348292,962,922,No,No,,1695.0,0.2 mg,Intravenous,,,Yes,1012,2 +111472420,3348292,502,520,No,No,chlorhexidine (PERIDEX) 0.12 % solution 15 mL,4297.0,15 mL,Mucous Membrane,BID,,No,6608,99 +111127762,3348292,13,-83,No,No,"sodium chloride 0.9% (NS) bolus 1,000 mL",8255.0,"1,000 mL",Intravenous,Once X1,,No,20,59 +111429391,3348292,493,490,No,No,,1695.0,1 mg,Intravenous,Q2H PRN,,Yes,3021,2 +111427067,3348293,8472,8890,No,No,,22008.0,40 mg,Oral,BID AC,,No,17664,65 +111226612,3348293,11602,12760,No,No,,4868.0,200 mg,Oral,Daily,,No,17664,22 +110768488,3348293,8472,9880,No,No,,4868.0,400 mg,Oral,Daily,,No,11601,22 +110953347,3348293,6158,6158,No,No,acetaminophen (TYLENOL) tablet 650 mg,1866.0,650 mg,Oral,Q6H PRN,,Yes,17664,2 +111413778,3348293,3021,3025,Yes,No,,585.0,1 g,Intravenous,Once X1,,No,3109,59 +110910541,3352230,6717,6927,No,No,,3664.0,2.5 MG,INTRAVEN,ONCERX,,No,6927,56 +110837184,3352230,9510,9511,No,Yes,POTASSIUM CHLORIDE SA,549.0,20 MEQ,ORAL,BID,,No,0,59 +111587325,3352230,159,2007,No,No,INSULIN LANTUS (PER UNIT),22025.0,,SUBCUTAN,OTCOND,,No,3447,71 +111008045,3352230,1558,1587,No,Yes,DOCUSATE SODIUM,1326.0,100 MG,ORAL,BID,,No,0,65 +111615349,3352230,3664,3747,No,Yes,POTASSIUM CHLORIDE SA,549.0,20 MEQ,ORAL,BID,,No,0,59 +111723038,3352230,6699,6692,No,No,LORAZEPAM,4846.0,1 MG,INTRAVEN,ONCERX,,No,6692,83 +111341915,3352230,4341,4323,No,No,,3664.0,2.5 MG,INTRAVEN,ONCERX,,No,4323,56 +111733460,3352230,159,567,No,Yes,INSULIN LANTUS (PER UNIT),22025.0,,SUBCUTAN,OTCOND,,No,2007,71 +110775152,3352230,2968,3027,No,Yes,DOCUSATE SODIUM,1326.0,100 MG,ORAL,BID,,No,0,65 +110947117,3352230,4342,4467,No,Yes,LISINOPRIL,132.0,5 MG,ORAL,BID,,No,0,41 +110746806,3352230,4342,5187,No,Yes,BUMETANIDE,3664.0,2 MG,ORAL,,,No,0,56 +110769060,3352231,2,-74,No,Yes,,159.0,0.4 MG,SUBLINGUAL,Q5MINPRN,,Yes,0,38 +110641041,3352231,2,-129,No,Yes,,159.0,0.4 MG,SUBLINGUAL,Q5MINPRN,,Yes,0,38 +111161629,3352231,1280,2243,No,Yes,DOCUSATE SODIUM,1326.0,100 MG,ORAL,BID,,No,0,65 +110968488,3352231,1283,1263,No,Yes,,1694.0,,INTRAVEN,Q2HRSPRN,,Yes,8463,2 +110788024,3352231,1283,1263,No,Yes,,1694.0,,INTRAVEN,Q2HRSPRN,,Yes,8463,2 +11643084,141765,143,71,No,No,TRAMADOL HCL 50 MG PO TABS,8317.0,50 3,PO,BID PRN,,Yes,2739,0 +10809134,141765,114,241,No,No,ATORVASTATIN CALCIUM 10 MG PO TABS,12404.0,10 3,PO,Nightly,,No,2739,0 +8551910,141765,1,-104,No,No,,,1 103,SC,Once,,No,101,0 +8930867,141765,1,-104,No,No,1000 ML - SODIUM CHLORIDE 0.9 % IV SOLN,8255.0,75 mL/hr,IV,Continuous,,No,1348,59 +9994153,141765,1,-186,No,No,1000 ML - SODIUM CHLORIDE 0.9 % IV SOLN,8255.0,50 mL/hr,IV,Continuous,,No,113,59 +11355999,141765,1,-186,No,No,,37316.0,,IV,Continuous,,No,1348,38 +7245416,165753,1,-61,No,No,,,,IV,Continuous,,No,1081,0 +7112105,165753,1,-73,No,No,PROCHLORPERAZINE MALEATE 5 MG PO TABS,,5 3,PO,Q4H PRN,,Yes,3751,0 +11150974,165753,1,-411,No,No,ONDANSETRON 4 MG PO TBDP,,4 3,PO,On Call to Procedure,,No,-324,0 +8496818,165753,1,-93,No,No,2 ML - FENTANYL CITRATE 0.05 MG/ML IJ SOLN,,25 8,IV,Q5 Min PRN,,Yes,-1,0 +7764182,165753,1,-103,No,No,20 ML - LABETALOL HCL 5 MG/ML IV SOLN,,5 3,IV,Q10 Min PRN,,Yes,-1,0 +6932958,165753,1,-103,No,No,2 ML - FENTANYL CITRATE 0.05 MG/ML IJ SOLN,,25 8,IV,Q5 Min PRN,,Yes,-48,0 +8336842,178858,54,120,No,No,,4045.0,,IV,Q8H SCH,,No,596,19 +8384475,178858,2,-387,No,No,20 ML - LIDOCAINE HCL 1 % IJ SOLN,,0.5-1 1,SC,PRN,,Yes,-4,0 +6895801,178858,2,-387,No,No,ONDANSETRON 4 MG PO TBDP,19058.0,4 3,PO,On Call to Procedure,,No,-336,0 +9027859,178858,2,-149,No,No,2 ML - FENTANYL CITRATE 0.05 MG/ML IJ SOLN,25386.0,25 8,IV,Q5 Min PRN,,Yes,-4,2 +9092560,178858,2,-375,No,No,1000 ML - SODIUM CHLORIDE 0.9 % IV SOLN,8255.0,10 mL/hr,IV,Continuous,,No,16,59 +8880784,178858,2,-387,No,No,,4045.0,,IV,On Call to Procedure,,No,-296,19 +10934079,210642,1,-51,No,No,ACETAMINOPHEN 325 MG PO TABS,1866.0,650 3,PO,Q4H PRN,,Yes,3911,0 +8105976,210642,1,-238,No,No,100 ML FLEX CONT : SODIUM CHLORIDE 0.9 % IV SOLN,,100 1,IJ,Once,,No,-240,0 +7527317,210642,1,-51,No,No,LORAZEPAM 2 MG/ML IJ SOLN,4846.0,1 3,IV,Q1H PRN,,Yes,3911,83 +10201806,210642,1,-165,Yes,No,1 EACH VIAL : CEFTRIAXONE SODIUM 1 G IJ SOLR,3996.0,1000 MG,IV,Once,,No,-121,19 +10547127,210642,1,-238,No,No,100 ML GLASS CONT : IOPAMIDOL 76 % IV SOLN,150.0,100 1,IV,Once,,No,-240,53 +7658441,210642,1,-192,No,No,2 ML - FUROSEMIDE 10 MG/ML IJ SOLN,3660.0,20 3,IV,Once,,No,-166,56 +6853100,210642,1,1150,Yes,No,1 EACH VIAL : CEFTRIAXONE SODIUM 1 G IJ SOLR,3996.0,1000 MG,IV,Nightly,,No,3911,19 +8047429,210642,1,-51,No,No,POTASSIUM CHLORIDE 20 MEQ PO PACK,,20 7,PER NG TUBE,Q4H PRN,,Yes,3288,0 +8616944,210642,1,-51,No,No,POTASSIUM CHLORIDE 20 MEQ PO PACK,,40 7,PER NG TUBE,Q4H PRN,,Yes,3288,0 +6824990,210642,1,-148,No,No,,1075.0,100 3,IV,Once,,No,13,95 +11044334,210642,1,-51,No,No,LORAZEPAM 1 MG PO TABS,4846.0,1 3,PO,Q1H PRN,,Yes,3911,0 +8068174,210642,1,-192,No,No,,,1 103,SC,Once,,No,-151,0 +7703634,217838,39,312,No,No,,,2.5 3,SC,Nightly,,No,3979,0 +8175073,217838,40,1287,No,No,1 ML VIAL : DEXAMETHASONE SODIUM PHOSPHATE 4 MG/ML IJ SOLN,2888.0,10 3,IV,Once,,No,1344,68 +9879755,217838,-6,-361,No,No,ONDANSETRON 4 MG PO TBDP,19058.0,4 3,PO,On Call to Procedure,,No,-325,0 +10487919,217838,-6,-124,No,No,2 ML - FENTANYL CITRATE 0.05 MG/ML IJ SOLN,25386.0,25 8,IV,Q5 Min PRN,,Yes,-1,2 +7788873,217838,-6,-361,No,No,,18979.0,400 3,PO,On Call to Procedure,,No,-326,0 +9692168,217838,-6,-361,No,No,FAMOTIDINE 20 MG PO TABS,4521.0,20 3,PO,On Call to Procedure,,No,-326,0 +10926278,217838,-6,-361,No,No,ONDANSETRON 4 MG PO TBDP,19058.0,4 3,PO,On Call to Procedure,,No,-1,0 +7880278,217838,-6,-124,No,No,2 ML - FENTANYL CITRATE 0.05 MG/ML IJ SOLN,25386.0,25 8,IV,Q5 Min PRN,,Yes,-1,2 +9367495,217838,-6,-361,No,No,,1742.0,20 3,PO,On Call to Procedure,,No,-1,0 +8826317,217838,26,0,No,No,TRAZODONE HCL 50 MG PO TABS,1652.0,50 3,PO,Nightly PRN,,Yes,4408,0 +7344184,217838,30,0,No,No,2 ML - PROCHLORPERAZINE EDISYLATE 5 MG/ML IJ SOLN,1628.0,5 3,IV,Q4H PRN,,Yes,4408,65 +6943675,217838,-6,-361,No,No,METOCLOPRAMIDE HCL 10 MG PO TABS,2148.0,10 3,PO,On Call to Procedure,,No,-325,0 +9409098,217838,-6,-124,No,No,20 ML - LABETALOL HCL 5 MG/ML IV SOLN,2095.0,5 3,IV,Q5 Min PRN,,Yes,-1,41 +13506778,257802,-5,-45,No,No,BISACODYL SUPP,1301.0,10 MG,RECTAL,DAILY,,Yes,4493,65 +13118850,257802,429,1355,No,No,,2849.0,50 MCG,PO,DAILY,,No,4493,89 +13637356,257802,-5,-45,No,No,,1730.0,1-2 TAB,PO,Q4H,,Yes,4493,2 +13126249,257802,-5,-45,No,No,,1168.0,30 ML,PO,Q6H,,Yes,4493,65 +12855477,257802,-5,635,No,No,,1326.0,100 MG,PO,12H,,No,4493,65 +14239221,257802,-5,-45,No,No,ONDANSETRON INJ,6055.0,4 MG,IVP,Q4H,,Yes,4493,65 +13851234,257802,225,220,No,No,fentaNYL CITRATE INJ,6438.0,0 EACH,IVP,Q1H,,Yes,4493,0 +12526391,263285,1832,1829,No,No,,5859.0,"1,000 MG",PO,Q4H,,Yes,3005,59 +13536886,263285,1760,1754,No,No,DEXTROSE 50% INJ,926.0,25 ML,IVP,PRN,,Yes,3005,59 +12061640,263285,40,29,No,No,DEXTROSE 50% INJ,926.0,0 ML,IVP,PRN,,Yes,1762,59 +12210057,263285,1420,1414,No,No,,780.0,10 UNITS,SUB-Q,ONE,,No,1415,71 +11938443,263285,1420,1984,No,No,,22025.0,,SUB-Q,,,No,3005,71 +14374674,281132,1744,2630,Yes,No,,3996.0,2 GM,IV,DAILY,,No,2689,19 +13275139,281132,7,4,Yes,No,,6334.0,500 MG,IV,DAILY,,No,258,19 +12179146,281132,2689,2688,Yes,No,,3996.0,1 GM,IV,DAILY,,No,2701,19 +12690117,281132,62,61,No,No,,22008.0,40 MG,IV,DAILY,,No,2595,65 +13825489,281132,12,1190,Yes,No,,3996.0,2 GM,IV,DAILY,,No,1341,19 +14321766,281132,14,1190,No,No,DIGOXIN,4.0,0.125 MG,PO,DAILY,,No,5739,38 +11730248,281132,2700,4070,Yes,No,,3996.0,1 GM,IV,DAILY,,No,5739,19 +13147866,284517,228,250,Yes,No,,1478.0,10 MG,IV,Q1H,,No,369,38 +11799531,284517,920,-35,No,No,fentaNYL CITRATE INJ,25386.0,50 MCG,IV,ONE,,No,-34,2 +14053632,284517,2,-17,Yes,No,,2051.0,4 MG,IV,ONE,,No,37,32 +13147865,284517,228,250,Yes,No,,14772.0,10 MEQ,IV,Q1H,,No,369,59 +12813538,284517,110,110,Yes,No,,585.0,1000 MG,IV,ONE,,No,153,59 +13646699,284517,49,370,No,No,,22008.0,40 MG,IV,DAILY,,No,479,65 +14106541,284517,2,-150,No,No,ALBUTEROL/IPRATROPIUM NEB 3ML,9040.0,3 ML,NEB,ONE,,No,-149,14 +14254412,284517,2,-115,Yes,No,,4042.0,1500 MG,IV,ONE,,No,-26,19 +12837022,284517,2,-75,No,No,ONDANSETRON INJ,6055.0,4 MG,IV,,,Yes,-70,65 +14452897,284517,2,-20,Yes,No,,2051.0,4 MG,IV,ONE,,No,-19,32 +13495262,284517,82,75,No,No,MIDAZOLAM INJ,34908.0,3 MG,IV,ONE,,No,76,5 +13707750,284517,33,20,No,No,fentaNYL CITRATE INJ,25386.0,100 MCG,IV,ONE,,No,21,2 +12464369,284517,37,36,Yes,No,,2051.0,4 MG,IV,ONE,,No,45,32 +13899303,284517,37,30,No,No,,19858.0,,NEB,ONE,,No,31,14 +12550070,284517,38,-115,No,No,,32900.0,50 ML,IV,ONE,,No,-86,19 +12453149,284517,2,-32,Yes,No,,2051.0,4 MG,IV,ONE,,No,-31,32 +14382941,284517,36,370,No,No,,22008.0,40 MG,IV,DAILY,,No,155,65 +14382903,284517,2,-115,No,No,,1554.0,,IV,ONE,,No,-114,5 +16235272,313055,4,-53,No,No,,1730.0,1 tablet,Oral,,,Yes,2222,2 +14562071,313055,4,-53,No,No,,1730.0,1 tablet,Oral,,,Yes,2222,2 +16055359,314184,1,-524,No,No,ACETAMINOPHEN 650 MG RECTAL SUPPOSITORY,1866.0,650 mg,Rect,,,Yes,2516,2 +15662567,314184,1,-518,No,No,,6334.0,500 mg,Oral,,,No,2516,19 +15368687,314184,1,-523,No,No,,4846.0,0.5 mg,Oral,,,Yes,2516,80 +15809744,314184,1,-503,No,No,,10321.0,20 mg,Oral,,,No,2516,80 +16141945,314184,950,2272,No,No,,36808.0,80 mg,IV,,,No,2516,68 +17640489,314184,1,-510,No,No,,1168.0,30 mL,Oral,,,Yes,2516,65 +18457339,314184,1,-518,Yes,No,,3996.0,1 g,IV,,,No,2516,19 +15412057,314184,1,-510,No,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 mg,Oral,,,Yes,2516,2 +14854142,314184,1,-428,No,No,,36808.0,80 mg,IV,,,No,943,68 +17324724,314184,1,-510,No,No,ACETAMINOPHEN 650 MG RECTAL SUPPOSITORY,1866.0,650 mg,Rect,,,Yes,2516,2 +14535899,314184,1,-524,No,No,ACETAMINOPHEN 325 MG TABLET,1866.0,650 mg,Oral,,,Yes,2516,2 +17803535,314184,1,-524,No,No,MORPHINE INJECTION ORDERABLE,1694.0,2 mg,IV,,,Yes,2516,2 +16910386,342377,1,-930,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,-714,59 +16472539,342377,6311,6310,No,No,,1741.0,1 tablet,Oral,,,Yes,7575,2 +16342991,342377,1,-945,No,No,,14772.0,100 mL/hr,IV,,,No,-973,59 +16406917,342377,5814,5811,No,No,,1730.0,1 tablet,Oral,,,Yes,6309,2 +16758362,342377,5609,5655,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,5939,59 +15426568,342377,1,-16665,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-15086,95 +16649004,342377,1,-23865,Yes,No,,540.0,,IV,,,No,-22340,59 +15520104,342377,1,-24120,Yes,No,,742.0,10 MG,IV,,,No,-23821,59 +18335091,342377,1,-18105,Yes,No,,540.0,,IV,,,No,-16621,59 +16015669,342377,1,-1650,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,-1412,59 +15426566,342377,1,-16665,Yes,No,,540.0,,IV,,,No,-15086,59 +16649006,342377,1,-23865,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-22340,95 +16289212,342377,1,-10320,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,-9948,59 +18335093,342377,1,-18105,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-16621,95 +17279823,342377,5583,5655,No,No,,14772.0,100 mL/hr,IV,,,No,5608,59 +16452672,342377,1,-24139,No,No,ACETAMINOPHEN 650 MG RECTAL SUPPOSITORY,1866.0,650 mg,Rect,,,Yes,-1507,2 +15813443,342377,1,-1395,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,,,No,-1153,59 +17056487,342377,1,-20985,Yes,No,,540.0,,IV,,,No,-19542,59 +15520102,342377,1,-24120,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-23821,95 +16497863,342377,1,-8835,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,0730,,No,-8592,59 +15520100,342377,1,-24120,Yes,No,,540.0,10 MEQ,IV,,,No,-23821,59 +16486500,342377,1,-945,No,No,,14772.0,25 mL/hr,IV,,,No,-960,59 +14625461,342377,1,-24105,No,No,,6249.0,1 patch,TD,1700,,No,7575,97 +16283667,342377,1,-22425,Yes,No,,540.0,,IV,,,No,-20930,59 +15914199,342377,1,-19545,Yes,No,,540.0,,IV,,,No,-18067,59 +15878874,342377,1,-15225,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-14320,95 +15878872,342377,1,-15225,Yes,No,,540.0,,IV,,,No,-14320,59 +15914201,342377,1,-19545,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,-18067,95 +14820853,367912,8908,9580,Yes,No,,540.0,10 MEQ,IV,,,No,10990,59 +16809144,367912,687,700,No,No,,6249.0,1 patch,TD,1700,,No,12156,97 +14820855,367912,8908,9580,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,10990,95 +14820857,367912,8908,9580,Yes,No,,742.0,10 MG,IV,,,No,10990,59 +15791336,367912,1,-94,No,No,ACETAMINOPHEN 650 MG RECTAL SUPPOSITORY,1866.0,650 mg,Rect,,,Yes,12156,2 +15276015,367912,4540,5260,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,6710,95 +18154564,367912,673,940,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,2361,95 +15276013,367912,4540,5260,Yes,No,,540.0,10 MEQ,IV,,,No,6710,59 +14744576,367912,3114,3820,Yes,No,,540.0,10 MEQ,IV,,,No,5232,59 +17198414,367912,7480,8140,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,9525,95 +15393938,367912,6122,6700,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,8088,95 +18154562,367912,673,940,Yes,No,,540.0,,IV,,,No,2361,59 +17023496,367912,7464,8140,Yes,No,,540.0,10 MEQ,IV,,,No,7480,59 +14744578,367912,3114,3820,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,5232,95 +17198412,367912,7480,8140,Yes,No,,540.0,10 MEQ,IV,,,No,9525,59 +15590556,367912,4343,4360,No,No,POTASSIUM CHLORIDE 40 MEQ/100 ML IV PIGGY BACK 100 ML BAG,549.0,40 mEq,IV,0600,,No,0,59 +17198416,367912,7480,8140,Yes,No,,742.0,10 MG,IV,,,No,9525,59 +14615450,367912,2107,2380,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,3892,95 +18437377,367912,10639,11020,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,12156,95 +18437379,367912,10639,11020,Yes,No,,742.0,10 MG,IV,,,No,12156,59 +15393936,367912,6122,6700,Yes,No,,540.0,10 MEQ,IV,,,No,8088,59 +18437375,367912,10639,11020,Yes,No,,540.0,10 MEQ,IV,,,No,12156,59 +17023498,367912,7464,8140,Yes,No,FOLIC ACID 5 MG/ML INJECTION 10 ML VIAL,1062.0,1 MG,IV,,,No,7480,95 +18378805,378120,1,-824,No,No,"POTASSIUM CHLORIDE ER 20 MEQ TABLET,EXTENDED RELEASE(PART/CRYST)",549.0,40 mEq,Oral,,,No,-825,59 +18075420,378120,847,886,Yes,No,,523.0,150 MEQ,IV,,,No,2019,59 +16242209,378120,1,-759,No,No,,3723.0,400 mg,Oral,,,Yes,-238,11 +16893701,395323,461,458,No,No,,4292.0,1 spray,MT,,,Yes,7245,5 +14911295,395323,2,-53,No,No,,4480.0,25 mg,IV,,,No,-52,17 +15295164,395323,123,119,No,No,,1741.0,1 tablet,Oral,,,Yes,7245,2 +17819785,405746,2,-568,No,No,ZOLPIDEM 5 MG TABLET,7842.0,5 mg,Oral,,,Yes,15534,83 +16258081,405746,2,-568,No,No,,6055.0,8 mg,Oral,,,Yes,15534,65 +18233199,420354,1110,1109,No,No,,1730.0,1 tablet,Oral,,,Yes,2826,2 +16087864,420354,43,67,No,No,,1730.0,1 tablet,Oral,,,No,100,2 +16487784,420354,2,112,No,No,,132.0,10 mg,Oral,"0900,2100",,No,2381,41 +14779088,420354,2590,2617,No,No,,33314.0,5 mL,IV,,,No,2593,36 +16974285,420354,2,112,No,No,"POTASSIUM CHLORIDE ER 20 MEQ TABLET,EXTENDED RELEASE(PART/CRYST)",549.0,20 mEq,Oral,"0900,2100",,No,2826,59 +18345514,420354,2,-113,No,No,,523.0,50 mEq,IV,,,No,-115,59 +20825367,436993,5489,5510,Yes,No,,6306.0,2 G,IV,0,,No,5510,59 +21645275,436993,4,-3367,Yes,No,,8255.0,1000 ml,IV,CONT INF,,No,48,59 +21746990,436993,4,-2955,No,No,,1100.0,100 MG,PO,DAILY,,No,7030,11 +19147907,436993,29,-100,No,No,MILK OF MAGNESIA,1329.0,"2,400 MG",PO,DAILYPRN,,Yes,7030,65 +19227064,436993,4,-1900,Yes,No,,21773.0,300 MG,IV,DAILY,,No,980,59 +21536827,436993,34,34,No,No,DIPRIVAN,4842.0,"1,000 MG",IV,CONT INF,,No,2377,5 +19227474,436993,4,-3971,No,No,CORDARONE,83.0,200 MG,PO,DAILY,,No,7030,38 +21919428,436993,5241,5240,Yes,No,,6306.0,2 G,IV,0,,No,5240,59 +20354203,436993,2380,2375,Yes,No,,936.0,1000 ml,IV,CONT INF,,No,7030,59 +21426777,436993,28,43,Yes,No,,14778.0,20 MEQ,IV,CONT INF,,No,48,59 +20968967,436993,4,-3971,No,No,NORVASC,6494.0,2.5 MG,PO,DAILY,,No,7030,38 +21106106,436993,4,-1454,Yes,No,,14775.0,20 MEQ,IV,CONT INF,,No,47,59 +19883941,439621,1,-179,No,No,,130.0,1.25 MG,IVP,Q6HPRN,,Yes,1246,0 +21853523,439621,1,-209,Yes,No,,8255.0,100 ml,IV,0,,No,-209,59 +22488716,439621,1040,1051,Yes,No,,6306.0,2 G,IV,0,,No,1051,59 +22158673,439621,1,-273,Yes,No,,8255.0,1000 ml,IV,0,,No,-261,59 +20866499,439621,1,-104,Yes,No,,8255.0,,IV,CONT INF,,Yes,1246,59 +22111909,439621,1,-263,Yes,No,,8255.0,1000 ml,IV,0,,No,-263,59 +22144209,439621,1,-179,No,No,DULCOLAX,1301.0,10 MG,PO,DAILYPRN,,Yes,1246,65 +20943224,439621,1,-283,Yes,No,,8255.0,1000 ml,IV,0,,No,-276,59 +19282140,439621,15,31,Yes,No,,14778.0,1000 ml,IV,,,No,1246,59 +19282141,439621,15,31,Yes,No,,549.0,20 MEQ,IV,,,No,1246,59 +19472445,439621,1,-184,No,No,PROTONIX,22008.0,40 MG,PO,DAILY,,No,1246,65 +19146705,475290,1,-310,Yes,No,,,1000 ML,IV,0,,No,-310,0 +19663178,475290,1,-341,Yes,No,,,1000 ML,IV,0,,No,-341,0 +20671245,475290,510,535,Yes,No,,,50 ML,IV,0,,No,535,0 +18636981,475290,1,-108,No,No,Protonix,,40 MG,IV,DAILY,,No,2776,0 +18591879,475290,96,85,Yes,No,,,1000 ML,IV,,,No,2776,0 +21995413,475290,1,-95,Yes,No,,,100 UNITS,IV,CONT INF,,Yes,1119,0 +19299241,475290,1,-310,Yes,No,,,1000 ML,IV,0,,No,-310,0 +21778488,475290,1,-85,No,No,LOVENOX,,40 MG,SUBQ,DAILY,,No,2776,0 +20444504,475290,1,-341,Yes,No,,,1000 ML,IV,0,,No,-341,0 +22401820,482789,23,22,No,No,CORDARONE,83.0,200 MG,PO,DAILY,,No,89,38 +21036130,482789,2357,2335,No,No,PROTONIX,22008.0,40 MG,PO,QAM,,No,0,65 +21570196,482789,91,1575,Yes,No,,12383.0,250 MG,IV,Q24HRS,,No,1030,19 +20648123,482789,1,13,Yes,No,,2808.0,,IV,CONT INF,,No,1035,36 +19105456,482789,21,21,No,No,LOPRESSOR,2102.0,50 MG,PO,Q8H,,No,0,41 +19760383,482789,2549,2533,No,No,CORDARONE,83.0,200 MG,PO,,,No,5792,38 +18921907,485952,1,-46,Yes,No,,8255.0,,IV,CONT INF,,No,474,59 +19000633,485952,1,-284,Yes,No,,525.0,1000 ML,IV,0,,No,-284,59 +19805766,485952,1,496,No,No,Protonix,22008.0,40 MG,IV,DAILY,,No,3415,65 +20573368,485952,298,295,Yes,No,,6306.0,50 ML,IV,0,,No,295,59 +19513324,485952,42,61,Yes,No,,8255.0,1000 ML,IV,Q1HRS,,No,121,59 +18923086,485952,489,488,No,No,MORPHINE SULFATE,1694.0,2 MG,IV,Q3HPRN,,Yes,2436,2 +18545769,485952,488,481,Yes,No,,8255.0,,IV,CONT INF,,No,2121,59 +19056048,485952,1,-347,Yes,No,,8255.0,1000 ML,IV,0,,No,-347,59 +20862233,485952,248,271,Yes,No,,8255.0,100 ML,IV,Q1HRS,,No,331,59 +22228454,485952,1,-284,Yes,No,,8255.0,,IV,0,,No,-284,59 +20862235,485952,248,271,Yes,No,,523.0,,IV,Q1HRS,,No,331,59 +22128404,485952,302,301,Yes,No,,551.0,,IV,0,,No,301,59 +22128403,485952,302,301,Yes,No,,8255.0,250 ML,IV,0,,No,301,59 +21128307,485952,1,-74,No,No,DULCOLAX,1301.0,10 MG,PO,DAILYPRN,,Yes,3415,65 +21309006,533168,1449,1438,No,No,CORDARONE,,200 MG,PO,QAM,,No,8693,0 +19075766,533168,2542,2541,No,No,,,,IV,,,No,2541,0 +21003450,533168,5489,5489,Yes,No,,,50 ML,IV,0,,No,5489,0 +19717790,533168,3803,3843,No,No,NORVASC,,5 MG,PO,DAILY,,No,4611,0 +21794915,533168,8328,8328,No,No,KLONOPIN,,0.5 MG,PO,,,No,8328,0 +19103228,533168,218,233,Yes,No,,,,IV,CONT INF,,No,1438,0 +20677403,533168,1371,2283,No,No,LANOXIN,,0.25 MG,PO,QAM,,No,8693,0 +20580544,533168,276,303,Yes,No,,,50 ML,IV,Q24HRS,,No,8693,0 +18814980,533168,262,262,No,No,,,200 MG,PO,,,No,262,0 +21607947,533168,262,963,No,No,,,200 MG,PO,TID,,No,2355,0 +20479138,533168,1682,1681,No,No,ATIVAN,,1 MG,IV,Q6HPRN,,Yes,4878,0 +34422250,580972,2,-38,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,1495,65 +33434208,580972,2,-39,No,No,,14772.0,"1,000 mL",IV,,,No,1495,59 +22864387,608373,2872,2906,No,No,metroNIDAZOLE 500 MG in 100ML RTU-PB,8259.0,500 mg,IVPB,Q8H,,No,8664,19 +28529559,608375,492,491,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,852,59 +33614507,608375,1450,1418,No,No,,1695.0,1 ZZ,IV,ONCALL X99,,Yes,7395,2 +30715352,608375,18,14,No,No,,14777.0,"1,000 mL",IV,,,No,491,59 +30579573,608375,492,488,No,No,fentaNYL 1000 MCG IN 100 ML NS,22724.0,1 ZZ,IV,,,No,852,2 +32504134,608375,146,143,No,No,,34344.0,400 mg,IVPB,DAILY,,No,852,22 +28616309,608375,1049,1043,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,1373,59 +34891918,608375,1025,1253,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,Q8H,,No,10371,19 +24271811,608375,18,8,No,No,FUROSEMIDE 10 MG/1 ML 2ML SDV INJ,3660.0,20 mg,IV Push,1XONLY,,No,131,56 +27402122,608375,1049,1044,No,No,PROPOFOL 10 MG/1 ML 100ML SDV INJ,4842.0,"1,000 mg",IV,,,No,1418,5 +29057401,608375,1049,1038,No,No,ALBUTEROL 2.5 MG/3 ML UD INH SOLN,2073.0,2.5 mg,SVN,RSPQ4H,,Yes,13391,14 +27139460,608375,1049,1044,No,No,fentaNYL 1000 MCG IN 100 ML NS,22724.0,1 ZZ,IV,,,No,1418,2 +34904909,608375,492,488,No,No,PROPOFOL 10 MG/1 ML 100ML SDV INJ,4842.0,"1,000 mg",IV,,,No,852,5 +29312833,608375,1049,1042,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q4H,,Yes,13391,65 +29222199,608375,1026,1433,No,No,,34344.0,400 mg,IVPB,DAILY,,No,10371,22 +29860878,639917,738,685,No,No,,2059.0,400 mg,IVPB,,,No,2530,32 +29952905,639917,24,8,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,2530,65 +33475091,639917,24,11,No,No,PROPOFOL 10 MG/1 ML 100ML SDV INJ,4842.0,"1,000 mg",IV,,,No,515,5 +22597693,639917,738,639,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,2530,59 +29524881,639917,24,7,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,53,59 +33187946,654286,2,-364,No,No,ASPIRIN (BABY ASA) 81 MG TAB,1820.0,81 mg,PO,DAILY,,No,11375,2 +25295010,654286,147,675,No,No,cefTRIAXone 1 GRAM in NS 50 mL IVPB,3996.0,1 Gm,IVPB,DAILY,,No,2101,19 +23979817,654286,2,-806,No,No,DEXT 5%-NACL 0.45% 1000 ML LVP,936.0,"1,000 mL",IV,,,No,11375,59 +23402266,654286,2,-806,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q4H,,Yes,-567,2 +34996174,654286,2,-806,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,11375,2 +23536076,654286,2,-765,No,No,PANTOPRAZOLE 40 MG EC TAB,22008.0,40 mg,PO,DAILY,,No,11375,65 +25118804,654286,2,-567,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q2H,,Yes,3190,2 +30427344,654286,2,-387,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,-363,59 +31864192,654286,2,-806,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,11375,65 +32059427,654286,2,-387,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q10MIN X2,,Yes,187,65 +26858610,654286,2,-742,No,No,,3976.0,1 Gm,IV,PREOP,,No,-439,19 +34586953,654286,2,15,No,No,,3976.0,1 Gm,IV,Q8H X2,,No,120,19 +26293434,654287,7635,8040,No,Yes,,3976.0,1 Gm,IV,,,No,8520,19 +32259637,654287,6954,6952,No,No,,3976.0,1 Gm,IV,PREOP,,No,7551,19 +23861252,654287,464,452,No,No,ALBUTEROL 2.5 MG/3 ML UD INH SOLN,2073.0,2.5 mg,SVN,RSPQ4H,,Yes,10520,14 +24129402,654287,7537,7527,No,No,,2084.0,5 mg,IV Push,,,Yes,7699,50 +30687949,654287,7443,7438,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,7625,59 +31909074,654287,7537,7527,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q10MIN X2,,Yes,7699,65 +24349629,654287,7537,7527,No,No,diphenhydrAMINE 50 MG/1 ML 1 ML INJ,4480.0,12.5 mg,IV Push,,,Yes,7699,17 +24341816,654287,2615,2700,No,No,,13778.0,5 mg,PO,DAILY,,No,10520,44 +26078466,654287,520,515,No,No,NALOXONE 0.4 MG/1 ML SDV INJ,1874.0,0.4 mg,IV Push,1XONLY,,No,568,9 +25412728,654287,6954,6952,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,7625,59 +33811750,654287,5901,5899,No,No,PERCOCET 5/325 TAB,1741.0,2 Tab,PO,Q4H,,Yes,10520,2 +32157791,654287,8792,8790,No,No,,1617.0,0.5 mg,PO,Q6H,,Yes,10520,80 +30556179,663910,818,763,No,No,DEXT 5%-NACL 0.9% 1000 ML LVP,934.0,"1,000 mL",IV,,,No,1242,59 +23655034,663910,1245,1242,No,No,DEXT 5%-NACL 0.9% 1000 ML LVP,934.0,"1,000 mL",IV,,,No,4269,59 +33794225,663910,-54,-377,No,No,,4045.0,600 mg,IVPB,1XONLY,,No,-144,19 +34883204,663910,-54,-572,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,50 mcg,IV,,,Yes,4,2 +27772648,663910,-54,-219,No,No,,1695.0,1 ZZ,IV,ONCALL X99,,Yes,940,2 +31390224,663910,-54,-849,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,763,59 +34145276,663910,2117,2211,No,No,PANTOPRAZOLE 40 MG EC TAB,22008.0,40 mg,PO,DAILY,,No,4269,65 +24034147,663910,-54,-219,No,No,diphenhydrAMINE 50 MG/1 ML 1 ML INJ,4480.0,12.5 mg,IV,Q6H,,Yes,4269,17 +25751888,663910,91,89,No,No,PROMETHAZINE 25 MG/1 ML 1ML SDV INJ,12014.0,6.25 mg,IV,1XONLY,,Yes,326,17 +26491376,663910,-54,-571,No,No,diphenhydrAMINE 50 MG/1 ML 1 ML INJ,4480.0,12.5 mg,IV Push,,,Yes,4,17 +33979824,663910,-54,-571,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q10MIN X2,,Yes,4,65 +34135692,663910,-54,-568,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,4269,65 +26761625,663910,945,940,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,4269,2 +29289401,663910,945,941,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,0.5 mg,IV Push,Q3H,,Yes,4269,2 +26960365,663910,945,940,No,No,PERCOCET 5/325 TAB,1741.0,2 Tab,PO,Q4H,,Yes,3551,2 +23293653,758779,3,-2549,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,1XONLY,,No,-2431,19 +31439452,758779,3,-9637,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,9072,65 +29116069,758779,3,-7737,No,No,hydrALAZINE 20 MG/1 ML 1 ML INJ,89.0,10 mg,IV,TID,,Yes,-7360,41 +23048420,758779,3,-5886,No,No,,2159.0,1 app,TOP,DAILY,,No,271,86 +22801011,758779,3,-8960,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,TID15AC,,No,2641,71 +29728630,758779,3,-2345,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,Q8H,,No,7581,19 +22615003,758779,3,-8885,No,No,ASPIRIN 325MG TAB,1820.0,325 mg,PO,DAILY,,No,9072,2 +30042366,758779,3,-7360,No,No,hydrALAZINE 20 MG/1 ML 1 ML INJ,89.0,10 mg,IV,Q4H,,Yes,9072,41 +34768262,758779,3,-8945,No,No,,1717.0,,PO,Q4H,,Yes,1155,2 +27114044,758779,3,-4531,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,10 unit(s),SubQ,1XONLY,,No,-4488,71 +23584381,758779,585,582,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,0.5 mg,IV Push,1XONLY,,Yes,611,2 +26707763,758779,3,-9640,No,No,,7344.0,20 mg,PO,QAM,,No,9072,80 +23044940,758779,1156,1155,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,1 mg,IV Push,Q3H,,Yes,9072,2 +30003754,758779,3,-6005,No,No,LISINOPRIL 20 MG TAB,132.0,40 mg,PO,DAILY,,No,57,41 +27827855,758779,3,-6005,No,No,AZITHromycin 500 mg in NS 250 mL IV,6334.0,500 mg,IVPB,DAILY,,No,-4518,19 +30814904,758779,3,-6548,No,No,LEVOFLOXACIN 500mg in D5W 100mL RT,12383.0,500 mg,IV,1XONLY,,No,-6453,19 +30795357,758779,3,-9640,No,No,LISINOPRIL 10 MG TAB,132.0,30 mg,PO,DAILY,,No,-6129,41 +23191935,827084,206,204,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,25 mcg,IV Push,Q1H,,Yes,9185,2 +27721385,827084,27,-142,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,203,59 +27547497,827084,110,107,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,159,59 +31615108,827084,28,8,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,4304,59 +31119459,827084,211,287,No,No,,1239.0,1 packet,PO,TID,,No,8762,65 +26166250,827084,27,-15,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,8762,65 +31193468,827084,30,47,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,Q8H,,No,8417,19 +30793902,827085,21,13,No,No,fentaNYL 1000 MCG IN 100 ML NS,22724.0,1 ZZ,IV,,,No,3882,2 +25794594,827085,1376,1374,No,No,DEXT 5% IN WATER 1000 ML LVP,915.0,"1,000 mL",IV,,,No,2865,59 +27030307,827085,3431,3399,No,No,fentaNYL (PF) 50 MCG/1 ML 2 ML INJ,25386.0,25 mcg,IV Push,Q1H,,Yes,3882,2 +30136144,827086,2841,2835,No,No,,2059.0,400 mg,IVPB,,,No,2916,32 +23240301,827086,145,133,No,No,AMIODARONE 150 MG in 100 mL D5W,83.0,150 mg,IVPB,1XONLY,,No,184,38 +26844195,827086,1538,1537,No,No,,10747.0,,SVN,RSPBID,,No,6356,14 +30350732,827086,145,133,No,No,AMIODARONE 900 MG in 500 mL D5W,83.0,900 mg,IV,,,No,1892,38 +25261140,827086,2043,2026,No,No,ALBUTEROL 2.5 MG/3 ML UD INH SOLN,2073.0,2.5 mg,SVN,RSPQ2H,,Yes,6356,14 +26950314,827086,145,281,No,No,METOPROLOL TARTRATE 25 MG TAB,2102.0,25 mg,PO,TID,,No,6356,41 +26555857,827086,1892,1881,No,No,AMIODARONE 900 MG in 500 mL D5W,83.0,900 mg,IV,,,No,6779,38 +27619122,827086,1892,1892,No,No,AMIODARONE 150 MG in 100 mL D5W,83.0,150 mg,IV,1XONLY,,No,1924,38 +30884775,839119,3004,3001,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,7811,59 +23278127,839120,2,-2890,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q4H,,Yes,-27,2 +24809871,839120,2,-2933,Yes,No,,1040.0,1 mL,IVPB,1XONLY,,No,-2897,95 +31476280,839120,3289,3298,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,3538,59 +22665284,839120,2,-1456,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,1XONLY,,Yes,-1412,2 +26711932,839120,2,-2890,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,2642,59 +32313242,839120,2,-2738,No,No,PANTOPRAZOLE 40 MG EC TAB,22008.0,40 mg,PO,DAILY,,No,11900,65 +23845491,839120,4099,4089,No,No,,1866.0,500 mg,PO,Q4H,,Yes,11900,2 +28229387,839120,2643,2641,No,No,DEXT 5%-NACL 0.45% 1000 ML LVP,936.0,"1,000 mL",IV,,,No,4090,59 +22789658,839120,2,-1,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,11900,65 +30628088,839120,2615,2698,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,2938,59 +26739079,839120,3911,3958,No,Yes,potassium CHLORIDE 10 mEq i,549.0,10 mEq,IVPB,Q30MIN X6,,No,4108,59 +30505659,839120,1627,1621,No,No,,20952.0,"1,000 mg",IV,1XONLY,,No,1928,44 +24809872,839120,2,-2933,Yes,No,SODIUM CHLORIDE 0.9% 100 ML PB,8255.0,1 mL,IVPB,1XONLY,,No,-2897,59 +33849694,839120,2,-1149,No,No,AMIODARONE 900 MG in 500 mL D5W,83.0,900 mg,IVPB,,,No,7112,38 +26072239,842498,379,371,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,389,59 +28471595,842498,1839,1811,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,7719,2 +31760924,842498,390,384,No,No,,14772.0,"1,000 mL",IV,,,No,4271,59 +34772361,842499,715,694,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,1XONLY,,No,718,71 +26616315,842499,1,-46,No,No,diphenhydrAMINE 50 MG/1 ML 1 ML INJ,4480.0,12.5 mg,IV,Q6H,,Yes,8880,17 +23085796,842499,715,693,No,No,,25281.0,"1,000 mL",IV,,,No,1545,59 +28192839,842499,1,-47,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,8880,65 +23493203,859031,8331,8594,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,TIDMEAL,,No,11431,71 +30057522,859031,9814,9794,No,Yes,,21773.0,300 mg,IVPB,,,No,11234,59 +27600408,859031,4268,4150,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q10MIN X2,,Yes,4345,65 +25577733,859031,2707,3253,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,6876,59 +27672240,859032,2,-1002,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,TID15AC,,No,13385,71 +23758640,859032,836,829,No,No,,1478.0,,TOP,1XONLY,,No,882,5 +22594247,859032,2,-927,No,No,ASPIRIN 325MG TAB,1820.0,325 mg,PO,DAILY,,No,265,2 +27936836,859032,2,-825,No,No,,7344.0,40 mg,PO,QAM,,No,16790,80 +32840671,859032,2,-364,No,No,PERCOCET 5/325 TAB,1741.0,2 Tab,PO,Q4H,,Yes,9979,2 +33305051,859032,2,-1466,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,16790,65 +28428734,859032,2,-1466,No,No,,1592.0,15 mg,PO,QHS,,Yes,16790,83 +25281498,859032,2,-586,No,Yes,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q10MIN X2,,Yes,-27,65 +30743509,859032,2,-927,No,No,,7344.0,20 mg,PO,QAM,,No,-824,80 +26963374,859032,2,-364,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,9979,2 +29034199,859032,2,-1466,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q3H,,Yes,12235,2 +28678991,859032,2,-1463,No,No,LACTULOSE 20 GRAM/30 ML UD LIQ,1396.0,20 Gm,PO,DAILY,,Yes,16790,65 +23147694,859032,2,-1468,No,No,ZOSYN 3.375 GRAM in NS 100 mL IVPB,8738.0,3.375 Gm,IVPB,Q8H,,No,6406,19 +25280366,859033,744,703,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,10807,59 +26286243,869525,4260,4254,No,No,,7878.0,80 mg,SubQ,Q12H (int),,No,4872,36 +35237610,869525,1469,1467,No,No,,1854.0,1 Tab,PO,Q4H,,Yes,4872,2 +27820113,869525,2654,2694,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,2934,59 +24180260,869525,4098,4134,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,4374,59 +31755399,869525,1469,1734,No,No,,2812.0,7.5 mg,PO,Q1700,,No,4872,36 +29969091,869526,4,-245,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,-218,59 +29779056,869526,4,-73,No,No,ASPIRIN 325MG TAB,1820.0,325 mg,PO,DAILY,,No,2773,2 +31107914,869526,117,109,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,137,59 +27234564,869526,1672,1575,No,No,WARFARIN 5 MG TAB,2812.0,5 mg,PO,Q1700,,No,4319,36 +26395612,869526,4,-177,No,No,SODIUM CHLORIDE 0.9% 1000 ML PB,8255.0,"1,000 mL",IV,1XONLY,,No,-156,59 +27079679,869526,4,-45,No,No,,10093.0,"1,750 mg",IV,1XONLY,,No,28,19 +24534537,869526,25,20,No,No,,14772.0,"1,000 mL",IV,,,No,2773,59 +28895528,869526,4,-93,No,No,,37105.0,1 Tab,PO,DAILY,,No,7473,94 +31505701,869526,1122,1155,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,1395,59 +33928147,869526,4,-110,No,No,DEXT 5%-NACL 0.9% 1000 ML LVP,934.0,"1,000 mL",IV,,,No,19,59 +27747222,869526,117,255,No,No,,1884.0,"1,000 mg",PO,QHS,,No,7473,44 +25716979,869526,4,-109,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,7473,65 +25812404,869526,4,-115,No,No,SODIUM BICARBONATE 8.4% (ADULT) SYR,523.0,50 mEq,IV Push,1XONLY,,No,24,59 +28075418,876429,3,-36,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,7464,2 +30582895,876429,3,-393,Yes,Yes,potassium CHLORIDE 40 MEQ INJ,549.0,2 mL,IV,,,No,-34,59 +31787746,876429,1007,1003,No,No,potassium CHLORIDE 20 MEQ UD LIQ,549.0,20 mEq,PO,1XONLY,,No,1084,59 +23345143,876429,3,1207,No,No,ASPIRIN 325MG TAB,1820.0,325 mg,NG,DAILY,,No,3016,2 +33486115,876429,3,-37,No,No,PROPOFOL 10 MG/1 ML 100ML SDV INJ,4842.0,"1,000 mg",IV,,,No,3011,5 +30761998,876429,3,-37,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q2H,,Yes,4920,2 +33424053,876429,3,-38,No,No,SODIUM CHLORIDE 0.9% 500 ML LVP,8255.0,500 mL,Arterial,,,No,3011,59 +25409229,876429,3,-1395,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,3011,59 +34905460,876429,3,-1310,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,3011,59 +24194151,876429,2320,2407,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,2647,59 +24210086,876429,3,-1006,No,No,,1168.0,15 mL,PO,Q4H,,Yes,7464,65 +29337693,876429,3,-36,No,No,PERCOCET 5/325 TAB,1741.0,2 Tab,PO,Q4H,,Yes,7464,2 +31987337,876429,3,-37,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q1H,,Yes,7464,2 +26227630,876429,3,-36,No,No,ASPIRIN 325MG TAB,1820.0,325 mg,NG,1XONLY,,No,127,2 +25032420,876429,3,-37,No,Yes,AMIODARONE 900 MG in 500 mL D5W,83.0,900 mg,IV,H24,,No,1402,38 +32057602,876429,3,-391,Yes,No,,2810.0,2 mL,IV,,,No,-36,36 +34351732,876429,3,-1006,No,No,,1592.0,15 mg,PO,QHS,,Yes,7464,83 +26718593,876429,3,-1395,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,7464,65 +24051315,876429,3,-391,Yes,Yes,potassium CHLORIDE 40 MEQ INJ,549.0,1 mL,IV,,,No,-32,59 +27298937,876429,3,-1477,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,-1385,59 +23238213,876430,564,552,No,No,ALBUTEROL 2.5 MG/3 ML UD INH SOLN,2073.0,2.5 mg,SVN,RSPQ4H,,Yes,4453,14 +28125568,876430,3851,3896,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,4136,59 +24636199,887139,3305,3343,No,No,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,3483,59 +33973542,887139,1315,1363,No,No,,3347.0,1 app,TOP,DAILY,,No,3483,19 +23192292,887139,2478,2503,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,2743,59 +28470225,887140,26,-23,No,No,PERCOCET 5/325 TAB,1741.0,1 Tab,PO,Q4H,,Yes,5952,2 +27468962,887140,3,-5656,No,No,SODIUM CHLORIDE 0.9% 1000 ML LVP,8255.0,"1,000 mL",IV,,,No,3773,59 +33902104,887140,30,-20,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,Q4H (int),,Yes,5952,71 +25448944,887140,3,-5655,No,No,,8738.0,3.375 Gm,IV,Q6H,,No,-3558,19 +24527830,887140,3,-5656,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q3H,,Yes,31,2 +30843417,887140,3,-3368,No,No,LISINOPRIL 10 MG TAB,132.0,10 mg,PO,DAILY,,No,5952,41 +33987726,887140,26,-23,No,No,PERCOCET 5/325 TAB,1741.0,2 Tab,PO,Q4H,,Yes,5952,2 +34191721,887140,28,-24,No,No,MORPHINE 2 MG/1 ML 1 ML SYR,1694.0,2 mg,IV Push,Q1H,,Yes,3773,2 +34522884,887140,30,-26,No,No,SODIUM CHLORIDE 0.9% 500 ML LVP,8255.0,500 mL,Arterial,,,No,3773,59 +30617807,887140,3,-3728,No,No,VANCOmycin 1 GM in NS 250 mL IVPB,10093.0,"1,000 mg",IVPB,Q12H (int),,No,-2933,19 +31384113,887140,3,-3428,No,No,,8738.0,3.375 Gm,IV,Q6H (int),,No,4222,19 +33971626,887140,30,-25,No,No,LACTATED RINGERS 1000 ML LVP,525.0,"1,000 mL",IV,,,No,4232,59 +32351056,887140,1130,1057,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,1 mg,IV Push,Q2H,,Yes,5952,2 +25905658,887140,3,-2932,No,No,VANCOmycin 1 GM in NS 250 mL IVPB,10093.0,"1,000 mg",IVPB,Q8H,,No,4222,19 +28578928,887140,30,-23,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV Push,Q6H,,Yes,5952,65 +32172697,887140,3,-2648,No,Yes,MAGNESIUM OXIDE 400 MG TAB,609.0,400 mg,PO,Q4H (int) X2,,No,-2408,59 +31865712,887140,3,-4147,No,No,,2004.0,0.5 mg,IV Push,,,Yes,3773,65 +31660478,887140,243,238,No,No,HYDROmorphone 1 MG/1 ML SYR,1695.0,1 mg,IV Push,Q3H,,Yes,1058,2 +24079015,887140,30,-20,No,No,INSULIN-LISPRO (rDNA) *UNIT* INJ,11528.0,,SubQ,QHS,,Yes,5952,71 +30468226,887140,3,-5657,No,No,hydrALAZINE 20 MG/1 ML 1 ML INJ,89.0,10 mg,IV,Q4H,,Yes,5952,41 +26769234,887140,3,-5657,No,No,ONDANSETRON 2 MG/1 ML 2ML SDV INJ,33598.0,4 mg,IV,Q6H,,Yes,-19,65 +36103134,959746,1535,1808,No,No,atorvastatin,12404.0,40 mg,PO,1xDaily hs,,No,3042,41 +36859489,959746,300,294,No,No,Nitrostat,159.0,0.4 mg,SL,q5min,,Yes,1536,38 +35456301,959746,0,-37,No,No,,11569.0,,IntraArterial,Once,,No,-34,53 +36415309,959746,1536,1531,No,No,Nitrostat,159.0,0.4 mg,SL,q5min,,Yes,3042,38 +35855719,963136,1206,1201,No,No,,8255.0,500 mL,IV,Once,,No,1201,59 +36715075,963136,1206,1203,No,No,fentaNYL,25386.0,100 mcg,IV,Once,,No,1203,2 +36495345,963136,7948,7940,No,No,Nitrostat,159.0,0.4 mg,SL,q5min,,Yes,9726,38 +35779511,963136,135,130,No,No,,20769.0,,Subcut,Once,,No,130,71 +36090467,963136,1,-109,No,No,albuterol,2073.0,5 mg,NEB,Once,,No,-109,14 +36427105,963136,1,-109,No,No,SoluMedrol,36808.0,125 mg,IV,Once,,No,-109,68 +35778758,963136,1,-89,Yes,No,,8738.0,4.5 g,IVPB,Once,,No,-89,19 +35776230,963136,1,-91,No,No,,1554.0,20 mg,IV,Once,,No,-91,5 +36579611,963136,1,-90,Yes,No,,4842.0,1000 mg,IV,,,No,2114,5 +35450386,963136,7948,7940,No,No,Norco 5 mg-325 mg,1730.0,1 tab(s),PO,q4hr,,Yes,9726,2 +35946954,963136,1,-161,No,No,,1874.0,0.4 mg,IV,Once,,No,-161,9 +36232821,963136,1,-109,No,No,,1874.0,0.4 mg,IV,Once,,No,-109,9 +36835624,963136,2818,2800,No,No,traZODone,1652.0,200 mg,PO,Once,,No,2800,80 +36739264,963136,2439,2437,No,No,oxyCODONE,1742.0,20 mg,PO,q12hr (interval),,Yes,3430,2 +36519079,963136,7883,7881,No,No,,11569.0,,IV,Once,,No,7881,53 +36677124,963136,1,-160,No,No,albuterol,2073.0,5 mg,NEB,Once,,No,-160,14 +35902489,963136,3829,4069,No,No,traZODone,1652.0,200 mg,PO,1xDaily hs,,No,9726,80 +35999041,963136,2297,2293,No,No,acetaminophen,1866.0,650 mg,PO,q4hr,,Yes,9726,2 +36063444,963136,2282,2629,No,No,,26407.0,15 unit(s),Subcut,2xDaily,,No,9726,71 +36184263,964782,1021,1117,No,No,Lovenox,7878.0,60 mg,Subcut,q12hr (interval),,No,7311,36 +35489195,964782,3,-1152,No,No,Lovenox,7878.0,60 mg,Subcut,Once,,No,-1143,36 +36721672,964782,3,-117,No,No,fentaNYL,25386.0,75 mcg,IV,Once,,No,-116,2 +36266293,964782,3,-1142,No,No,Zofran,33598.0,4 mg,IV,q4hr,,Yes,1241,65 +36410459,964782,3,-388,No,No,"Sodium Chloride 0.9% 1,000 mL",8255.0,"1,000 mL",IV,,,No,112,59 +36518267,964782,3,-112,No,No,"Sodium Chloride 0.9% 1,000 mL",8255.0,"1,000 mL",IV,,,No,-98,59 +35963094,964782,3,-112,Yes,No,,2810.0,,IV,,,No,1021,36 +35726659,964782,3,-383,No,No,Lovenox,7878.0,60 mg,Subcut,q12hr (interval),,No,-103,36 +36506787,964782,931,930,No,No,fentaNYL,25386.0,50 mcg,IV,Once,,No,931,2 +36484190,964782,3,-388,No,No,fentaNYL,25386.0,25 mcg,IV,,,No,112,2 +35975417,964782,902,900,No,No,"Sodium Chloride 0.9% 1,000 mL",8255.0,"1,000 mL",IV,,,No,925,59 +36582234,964782,3,-84,No,No,,1478.0,1 app,UroGenital,Once,,No,-84,5 +35723391,964782,3,-1142,No,No,,1168.0,30 mL,PO,q4hr,,Yes,1241,65 +35914455,964782,775,775,No,No,"Sodium Chloride 0.9% 1,000 mL",8255.0,"1,000 mL",IV,,,No,1158,59 +36097424,964782,3,-112,Yes,No,,2803.0,15 mg,IV,,,No,1021,35 +36907642,964782,3,-1142,No,No,nitroglycerin,159.0,0.4 mg,SL,q5min,,Yes,1241,38 +35376435,964782,3,-98,No,No,"Sodium Chloride 0.9% 1,000 mL",8255.0,"1,000 mL",IV,,,No,1021,59 +35339090,964782,3,-1140,No,No,,1186.0,1 g,PO,Once,,No,-1140,65 +36382826,964782,200,193,Yes,No,< 89,Other/Unknown,269,683,"Sepsis, unknown",177.8,15:37:00,-156,,2014,05:11:00,6418,Death,Expired,Med-Surg ICU,18:13:00,Emergency Department,1,admit,63.5,,05:11:00,6418,Death,Expired,018-100832 +1812280,1425539,Male,85,Caucasian,279,696,"Rhythm disturbance (atrial, supraventricular)",177.8,21:35:00,-158,,2015,19:35:00,4042,Home,Alive,Med-Surg ICU,00:13:00,Emergency Department,1,admit,71.9,71.9,17:11:00,3898,Home,Alive,018-101577 +1827129,1438539,Male,60,Caucasian,281,711,Thoracotomy for lung cancer,170.1,10:36:00,-297,,2015,21:47:00,16214,Home,Alive,CCU-CTICU,15:33:00,Operating Room,1,admit,86.1,98.4,16:38:00,8705,Floor,Alive,018-101008 +1849124,1457754,Male,75,African American,280,685,"CABG alone, coronary artery bypass grafting",175.3,10:38:47,-644,,2015,22:39:00,21677,Skilled Nursing Facility,Alive,Med-Surg ICU,21:22:00,Operating Room,1,admit,129.7,,19:30:00,5648,Floor,Alive,018-101744 +1852395,1460590,Male,71,Caucasian,281,687,"Cellulitis and localized soft tissue infections, surgery for",172.7,19:42:00,-2888,,2014,03:10:00,20600,Rehabilitation,Alive,Med-Surg ICU,19:50:00,Operating Room,1,admit,97.6,97.6,22:35:00,5925,Floor,Alive,018-100415 +1852625,1460797,Male,68,Caucasian,273,698,"Sepsis, pulmonary",177.8,21:50:00,-8645,,2014,18:15:00,1220,Other Hospital,Alive,MICU,21:55:00,Floor,1,admit,111.7,,18:04:00,1209,Other Hospital,Alive,018-101832 +1856167,1463879,Male,55,African American,281,711,"Arrest, respiratory (without cardiac arrest)",167.6,19:47:00,-148,,2014,18:20:00,24245,Skilled Nursing Facility,Alive,CCU-CTICU,22:15:00,Emergency Department,1,admit,118.1,118.1,20:25:00,1330,Other ICU,Alive,018-100646 +1856168,1463879,Male,55,African American,281,687,"Coma/change in level of consciousness (for hepatic see GI, for diabetic see Endocrine, if related to cardiac arrest, see CV)",167.6,19:47:00,-1478,,2014,18:20:00,22915,Skilled Nursing Facility,Alive,Med-Surg ICU,20:25:00,Other ICU,2,transfer,107.4,112.7,17:56:00,22891,Skilled Nursing Facility,Alive,018-100646 +2032114,1612092,Female,67,Caucasian,303,830,"Angina, unstable (angina interferes w/quality of life or meds are tolerated poorly)",152.4,11:16:00,-2293,Acute Care/Floor,2015,07:20:00,21951,Other Hospital,Alive,Med-Surg ICU,01:29:00,Acute Care/Floor,1,admit,44.6,61.5,17:34:00,965,Telemetry,Alive,021-104948 +2075529,1645918,Female,67,Caucasian,303,830,"CHF, congestive heart failure",157.5,09:34:00,-280,Emergency Department,2015,18:19:00,4565,Skilled Nursing Facility,Alive,Med-Surg ICU,14:14:00,Emergency Department,1,admit,36.3,38.1,16:44:00,1590,Acute Care/Floor,Alive,021-104948 +2193648,1737610,Male,83,Caucasian,310,836,"Pneumonia, bacterial",167.6,19:40:56,-8,,2014,00:49:00,14701,Skilled Nursing Facility,Alive,Med-Surg ICU,19:48:00,ICU,3,stepdown/other,47.6,,19:23:00,1415,ICU,Alive,021-101051 +2193649,1737610,Male,83,Caucasian,310,836,"Pneumonia, bacterial",167.6,19:40:56,-1423,,2014,00:49:00,13286,Skilled Nursing Facility,Alive,Med-Surg ICU,19:23:00,Step-Down Unit (SDU),4,admit,47.6,,17:38:00,11415,Acute Care/Floor,Alive,021-101051 +2193650,1737610,Male,83,Caucasian,310,836,,167.6,19:40:56,-7,,2014,00:49:00,14702,Skilled Nursing Facility,Alive,Med-Surg ICU,19:47:00,Acute Care/Floor,2,transfer,47.6,,19:48:00,1,Step-Down Unit (SDU),Alive,021-101051 +2233402,1768472,Male,83,Caucasian,310,836,"Bleeding, lower GI",167.6,08:02:00,-87,,2014,09:00:00,1411,Death,Expired,Med-Surg ICU,09:29:00,Emergency Department,2,stepdown/other,82.4,,21:56:00,747,ICU,Alive,021-101051 +2233403,1768472,Male,83,Caucasian,310,836,"Bleeding, upper GI",167.6,08:02:00,-834,,2014,09:00:00,664,Death,Expired,Med-Surg ICU,21:56:00,Step-Down Unit (SDU),3,admit,82.4,,08:18:00,622,Death,Expired,021-101051 +2303499,1823655,Female,63,Caucasian,328,878,"Sepsis, pulmonary",170.2,15:14:00,-3244,Direct Admit,2015,14:02:00,2444,Home,Alive,Med-Surg ICU,21:18:00,ICU,2,stepdown/other,46.4,,20:14:00,1376,Acute Care/Floor,Alive,022-103873 +2303500,1823655,Female,63,Caucasian,328,878,"Sepsis, pulmonary",170.2,15:14:00,-62,Direct Admit,2015,14:02:00,5626,Home,Alive,Med-Surg ICU,16:16:00,Direct Admit,1,admit,46.4,46.4,21:18:00,3182,Step-Down Unit (SDU),Alive,022-103873 +2334053,1849085,Female,64,Caucasian,328,878,Emphysema/bronchitis,170.2,19:51:00,-38,Direct Admit,2015,23:28:00,5939,Home,Alive,Med-Surg ICU,20:29:00,Direct Admit,1,stepdown/other,49.8,49.8,19:22:00,2813,Acute Care/Floor,Alive,022-103873 +2450383,1946106,Female,65,Caucasian,331,895,"Pneumonia, bacterial",157.5,17:23:00,-282,Emergency Department,2015,00:33:00,23188,Rehabilitation,Alive,Med-Surg ICU,22:05:00,Emergency Department,1,admit,77.6,78.3,18:20:00,11295,Acute Care/Floor,Alive,022-101698 +2462225,1955960,Female,65,Caucasian,331,895,Emphysema/bronchitis,162.6,17:56:00,-530,Emergency Department,2015,17:34:00,9528,Rehabilitation,Alive,Med-Surg ICU,02:46:00,Emergency Department,1,stepdown/other,80.7,80.74,18:27:00,3821,Acute Care/Floor,Alive,022-101698 +2469796,1962279,Female,63,Caucasian,328,878,"Sepsis, pulmonary",170.2,21:38:00,-10,Direct Admit,2015,17:25:00,5497,Home,Alive,Med-Surg ICU,21:48:00,Direct Admit,1,stepdown/other,47.8,47.8,17:25:00,5497,Home,Alive,022-103873 +2492811,1981400,Female,63,Caucasian,328,878,"Pneumonia, bacterial",170.2,16:37:00,-1619,Direct Admit,2015,19:51:00,10095,Home,Alive,Med-Surg ICU,19:36:00,Step-Down Unit (SDU),2,admit,49.8,55.2,19:51:00,10095,Home,Alive,022-103873 +2492812,1981400,Female,63,Caucasian,328,878,"Pneumonia, bacterial",170.2,16:37:00,-22,Direct Admit,2015,19:51:00,11692,Home,Alive,Med-Surg ICU,16:59:00,Direct Admit,1,stepdown/other,49.8,49.8,19:36:00,1597,ICU,Alive,022-103873 +2512314,1997751,Female,65,Caucasian,331,895,"Restrictive lung disease (i.e., Sarcoidosis, pulmonary fibrosis)",162.6,20:52:00,-611,Emergency Department,2015,16:16:00,13513,Home,Alive,Med-Surg ICU,07:03:00,Emergency Department,1,admit,78.9,80.29,02:39:00,4056,Acute Care/Floor,Alive,022-101698 +2580992,2058932,Male,32,Caucasian,357,915,"Pneumonia, aspiration",195.6,00:26:00,0,Emergency Department,2015,21:05:00,4119,,,Med-Surg ICU,00:26:00,Emergency Department,1,admit,125.0,128.3,21:51:00,2725,Acute Care/Floor,Alive,025-10563 +2597776,2074369,Male,84,Caucasian,353,908,"Sepsis, renal/UTI (including bladder)",165.1,18:38:00,-235,Direct Admit,2015,19:50:00,28637,,,Med-Surg ICU,22:33:00,Emergency Department,1,admit,63.8,,19:14:00,1241,Acute Care/Floor,Alive,025-10060 +2597777,2074369,Male,84,Caucasian,353,908,"Pneumonia, other",165.1,18:38:00,-10529,Direct Admit,2015,19:50:00,18343,,,Med-Surg ICU,02:07:00,Acute Care/Floor,2,readmit,60.8,,19:01:00,11094,Acute Care/Floor,Alive,025-10060 +2609672,2085381,Female,> 89,Caucasian,353,908,"Sepsis, renal/UTI (including bladder)",160.0,01:38:00,-815,Acute Care/Floor,2015,20:21:00,7508,Skilled Nursing Facility,Alive,Med-Surg ICU,15:13:00,Acute Care/Floor,1,admit,52.1,,23:15:00,1922,Acute Care/Floor,Alive,025-10334 +2610399,2086053,Female,> 89,Caucasian,353,908,"CHF, congestive heart failure",157.5,12:43:00,-297,Emergency Department,2015,19:49:00,4449,Skilled Nursing Facility,Alive,Med-Surg ICU,17:40:00,Emergency Department,1,admit,59.0,,14:46:00,1266,Acute Care/Floor,Alive,025-10334 +2627574,2101943,Female,> 89,Caucasian,353,908,"Hypertension, uncontrolled (for cerebrovascular accident-see Neurological System)",157.5,12:46:00,-519,Emergency Department,2015,21:15:00,8630,Skilled Nursing Facility,Alive,Med-Surg ICU,21:25:00,Emergency Department,1,admit,53.5,,21:11:00,4306,Acute Care/Floor,Alive,025-10334 +2628859,2103103,Male,84,Caucasian,353,908,"Pneumonia, aspiration",178.0,14:41:00,-179,Emergency Department,2014,17:55:00,5775,Other External,Alive,Med-Surg ICU,17:40:00,Emergency Department,1,admit,65.2,,17:09:00,4289,Floor,Alive,025-10199 +2630865,2104951,Male,56,Caucasian,357,915,"Arrest, respiratory (without cardiac arrest)",177.8,12:24:00,-154,Emergency Department,2014,03:10:00,5052,Death,Expired,Med-Surg ICU,14:58:00,Emergency Department,1,admit,77.3,89.2,17:45:00,4487,Floor,Alive,025-10405 +2672664,2142378,Male,34,Caucasian,405,988,"Cellulitis and localized soft tissue infections, surgery for",170.2,22:27:16,-1927,,2015,22:53:00,3859,Home,Alive,Med-Surg ICU,06:34:00,Operating Room,1,admit,80.2,,17:54:00,2120,Floor,Alive,027-102775 +2687268,2155880,Male,59,Caucasian,382,973,"CABG alone, coronary artery bypass grafting",169.0,12:14:00,-346,Operating Room,2014,00:56:00,6176,Home,Alive,CSICU,18:00:00,Operating Room,1,admit,88.8,,01:06:00,3306,Telemetry,Alive,027-101846 +2694459,2162522,Male,46,Asian,397,971,Pancreatitis,152.4,00:00:00,-1411,,2014,21:35:00,18604,Home,Alive,Med-Surg ICU,23:31:00,Emergency Department,1,admit,58.2,,22:40:00,2829,Step-Down Unit (SDU),Alive,027-103139 +2705166,2172453,Male,76,Caucasian,396,968,"Sepsis, pulmonary",172.7,14:09:33,-2943,Floor,2015,01:45:00,27993,Rehabilitation,Alive,Cardiac ICU,15:12:00,Floor,1,admit,68.9,,01:45:00,27993,Rehabilitation,Alive,027-100747 +2720598,2186844,Male,42,Hispanic,389,979,"Neoplasm, neurologic",157.5,03:24:24,-179,,2015,02:52:00,1229,Death,Expired,Med-Surg ICU,06:23:00,Emergency Department,1,admit,74.0,,02:52:00,1229,Death,Expired,027-103668 +2735662,2200865,Female,83,Caucasian,404,980,"Sepsis, renal/UTI (including bladder)",170.0,04:40:00,-89,,2014,18:45:00,12276,Nursing Home,Alive,Med-Surg ICU,06:09:00,Emergency Department,1,admit,106.0,,20:58:00,6649,Floor,Alive,027-108511 +2738362,2203364,Male,52,Caucasian,387,970,"Infarction, acute myocardial (MI)",170.2,01:55:59,-72,Direct Admit,2015,02:45:00,2858,Home,Alive,Med-Surg ICU,03:07:00,Direct Admit,1,admit,84.0,,01:23:00,1336,Floor,Alive,027-101668 +2740390,2205253,Male,67,Caucasian,400,998,Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),180.3,23:57:06,-1499,Floor,2015,22:43:00,25787,Skilled Nursing Facility,Alive,Med-Surg ICU,00:56:00,Floor,1,admit,191.0,,19:36:00,19840,Telemetry,Alive,027-101368 +2743241,2207887,Female,66,Caucasian,399,999,"Sepsis, unknown",157.5,03:37:58,-291,Floor,2015,19:30:00,13622,Skilled Nursing Facility,Alive,Med-Surg ICU,08:28:00,Emergency Department,1,admit,54.43,,19:30:00,13622,Skilled Nursing Facility,Alive,027-111437 +2747612,2211928,Male,74,Caucasian,388,962,"CVA, cerebrovascular accident/stroke",172.7,03:22:23,-161,,2014,23:10:00,3907,Home,Alive,Med-Surg ICU,06:03:00,Other Hospital,1,admit,67.0,,18:49:00,766,Floor,Alive,027-100747 +2787456,2248825,Female,38,Hispanic,404,980,Cesarean section,173.0,09:20:00,-791,,2014,22:20:00,5749,Home,Alive,Med-Surg ICU,22:31:00,Operating Room,1,admit,85.3,,19:25:00,2694,Floor,Alive,027-108816 +2797147,2257747,Female,66,Caucasian,399,999,"Renal failure, acute",157.5,21:41:35,-371,Emergency Department,2014,23:23:00,1171,Home,Alive,Med-Surg ICU,03:52:00,Emergency Department,1,admit,56.7,,23:23:00,1171,Home,Alive,027-111437 +2833949,2291811,Male,68,Caucasian,400,998,"CHF, congestive heart failure",157.5,00:59:07,-7,,2015,23:03:00,1317,Home,Alive,Med-Surg ICU,01:06:00,Direct Admit,1,admit,153.7,,13:22:00,736,Telemetry,Alive,027-101368 +2853320,2309746,Female,83,Caucasian,404,980,"Sepsis, renal/UTI (including bladder)",170.0,06:15:00,-42,Emergency Department,2014,21:30:00,8073,Home,Alive,Med-Surg ICU,06:57:00,Emergency Department,1,admit,102.0,,18:30:00,2133,Floor,Alive,027-108511 +2853358,2309782,Female,65,Caucasian,399,999,"Renal failure, acute",157.5,00:40:22,-250,Emergency Department,2014,21:27:00,5317,Skilled Nursing Facility,Alive,Med-Surg ICU,04:50:00,Emergency Department,1,admit,54.43,,00:27:00,2617,Floor,Alive,027-111437 +2857777,2313866,Female,83,Caucasian,404,980,"Sepsis, renal/UTI (including bladder)",170.1,11:13:00,-97,,2014,21:50:00,4860,Home,Alive,Med-Surg ICU,12:50:00,Emergency Department,1,admit,96.0,,17:58:37,308,Floor,Alive,027-108511 +2866326,2321783,Male,34,Caucasian,405,988,Thrombectomy (with general anesthesia),170.2,01:45:15,-426,Operating Room,2015,00:45:00,2394,Home,Alive,Med-Surg ICU,08:51:00,Operating Room,1,admit,72.57,,19:16:00,625,Floor,Alive,027-102775 +2886662,2340658,Male,33,Caucasian,405,988,Diabetic ketoacidosis,170.2,19:01:54,-272,,2014,00:05:00,2912,Home,Alive,Med-Surg ICU,23:33:00,Emergency Department,1,admit,76.7,,21:23:00,1310,Floor,Alive,027-102775 +2893348,2346863,Male,68,Caucasian,393,1001,"CHF, congestive heart failure",180.3,21:00:19,-1270,Floor,2015,23:19:00,3189,Other External,Alive,Med-Surg ICU,18:10:00,Floor,1,admit,147.6,,23:19:00,3189,Other External,Alive,027-101368 +2999209,2430117,Male,66,Caucasian,417,1019,"Endarterectomy, carotid",188.0,14:47:59,-580,,2015,19:30:00,1143,Home,Alive,Med-Surg ICU,00:27:00,Recovery Room,1,admit,114.8,114.82,19:30:00,1143,Home,Alive,029-10005 +3003035,2433402,Male,65,Caucasian,417,1019,Hypoglycemia,188.0,10:27:00,-179,,2014,22:10:00,32204,Skilled Nursing Facility,Alive,Med-Surg ICU,13:26:00,Emergency Department,1,admit,111.0,109.32,16:58:00,29012,Floor,Alive,029-10005 +3069831,2491550,Male,66,Caucasian,421,1038,"Renal failure, acute",182.9,00:56:00,-11,Emergency Department,2015,17:00:00,3833,Home,Alive,Med-Surg ICU,01:07:00,Emergency Department,1,admit,78.9,,00:52:00,1425,Floor,Alive,030-11522 +3083539,2503691,Male,78,Caucasian,425,1034,"Respiratory - medical, other",173.0,20:06:00,-80,,2015,18:00:00,6994,Home,Alive,Med-Surg ICU,21:26:00,Emergency Department,1,admit,67.0,66.7,19:01:00,4175,Floor,Alive,030-10990 +3090122,2509493,Male,77,Caucasian,425,1034,"Neurologic medical, other",180.3,06:39:00,-142,Emergency Department,2014,19:23:00,13582,Other,Alive,Med-Surg ICU,09:01:00,Emergency Department,1,admit,61.7,62.1,15:00:00,4679,Floor,Alive,030-10990 +3096492,2515086,Male,85,Caucasian,423,1036,"Respiratory - medical, other",170.2,15:09:00,-10,Other Hospital,2014,16:51:00,7292,Other Hospital,Alive,Med-Surg ICU,15:19:00,Other Hospital,1,admit,67.2,63.0,19:14:00,4555,Floor,Alive,030-1503 +3099740,2517944,Male,47,Caucasian,423,1036,,187.9,10:54:00,-51,Emergency Department,2014,21:40:00,595,Home,Alive,Med-Surg ICU,11:45:00,Emergency Department,1,admit,127.5,,21:25:00,580,Home,Alive,030-11450 +3122442,2537826,Female,50,Caucasian,421,1038,"CVA, cerebrovascular accident/stroke",167.6,06:14:00,-7790,Floor,2014,18:30:00,146,Other Hospital,Alive,Med-Surg ICU,16:04:00,Floor,1,admit,,,18:04:00,120,Other Hospital,Alive,030-10503 +3128596,2543262,Male,47,Caucasian,423,1036,,187.9,10:28:00,-65,Emergency Department,2014,18:18:00,405,Home,Alive,Med-Surg ICU,11:33:00,Emergency Department,1,admit,,,17:12:00,339,Home,Alive,030-11450 +3132610,2546743,Male,54,African American,439,1045,,,03:34:00,-301,,2014,21:38:00,783,Home,Alive,Med-Surg ICU,08:35:00,,1,admit,,,20:57:00,742,Home,Alive,031-10079 +3135511,2549142,Male,60,Caucasian,429,1057,"Sepsis, GI",165.0,02:47:00,-83,Emergency Department,2014,06:24:00,11654,Skilled Nursing Facility,Alive,Med-Surg ICU,04:10:00,Emergency Department,1,admit,66.9,76.2,18:20:00,8050,Floor,Alive,031-10356 +3135611,2549228,Male,69,Caucasian,435,1052,"Sepsis, cutaneous/soft tissue",182.9,22:06:00,-966,Acute Care/Floor,2015,22:51:00,7719,Home,Alive,Med-Surg ICU,14:12:00,Acute Care/Floor,1,admit,137.0,,18:22:00,4570,Acute Care/Floor,Alive,031-10084 +3143195,2555603,Male,60,Caucasian,438,1049,"Encephalopathy, hepatic",165.1,17:43:00,-14587,Step-Down Unit (SDU),2014,23:40:00,3050,Nursing Home,Alive,Med-Surg ICU,20:50:00,Step-Down Unit (SDU),1,admit,72.0,,23:39:00,3049,Skilled Nursing Facility,Alive,031-10356 +3152779,2563605,Male,69,Caucasian,435,1055,"CABG alone, coronary artery bypass grafting",173.0,12:30:00,-735,Operating Room,2014,22:10:00,5605,Home,Alive,Med-Surg ICU,00:45:00,Operating Room,1,admit,55.0,,18:00:00,2475,Floor,Alive,031-10130 +3153393,2564121,Female,53,Caucasian,433,1044,Cardiac arrest (with or without respiratory arrest; for respiratory arrest see Respiratory System),152.0,11:18:00,-185,Emergency Department,2014,05:17:00,894,Other Hospital,Alive,Med-Surg ICU,14:23:00,Emergency Department,1,admit,50.0,,04:33:00,2290,Other Hospital,Alive,031-11108 +3153894,2564560,Male,68,Caucasian,435,1055,"Infarction, acute myocardial (MI)",172.0,00:05:00,-111,Emergency Department,2014,19:11:00,16875,Home,Alive,Med-Surg ICU,01:56:00,Emergency Department,1,admit,56.0,56.0,20:01:00,9725,Floor,Alive,031-10130 +3157910,2567889,Male,61,Caucasian,429,1057,"Sepsis, GI",165.0,19:03:00,-67,Emergency Department,2015,17:10:00,7020,Home,Alive,Med-Surg ICU,20:10:00,Emergency Department,1,admit,62.3,67.2,19:50:00,4300,Floor,Alive,031-10356 +3159124,2568870,Male,68,Caucasian,439,1045,"Rhythm disturbance (atrial, supraventricular)",188.0,08:34:00,-121,Emergency Department,2014,22:15:00,10780,Home,Alive,Med-Surg ICU,10:35:00,Emergency Department,1,admit,78.3,,21:53:00,678,Floor,Alive,031-10160 +3160468,2569984,Male,40,Caucasian,438,1049,Cellulitis and localized soft tissue infections,177.8,03:15:00,-298,Emergency Department,2014,17:05:00,4852,Home,Alive,Med-Surg ICU,08:13:00,Emergency Department,1,admit,68.4,,16:28:00,4815,Home,Alive,031-10302 +3193216,2597265,Female,66,African American,443,1068,"Neoplasm-cranial, surgery for (excluding transphenoidal)",165.0,10:47:00,-381,,2015,23:23:00,3255,Home,Alive,Neuro ICU,17:08:00,Operating Room,1,admit,96.0,,23:23:00,3255,Home,Alive,032-10093 +3211257,2613420,Male,65,Caucasian,444,1079,Head/abdomen trauma,167.6,09:49:00,-107,,2014,19:50:00,7694,Home,Alive,Med-Surg ICU,11:36:00,Emergency Department,1,admit,49.9,,23:45:00,2169,Floor,Alive,033-10248 +3244585,2644653,Male,87,African American,444,1079,Seizures (primary-no structural brain disease),177.8,19:54:00,-354,,2015,21:06:00,5478,Other,Alive,Med-Surg ICU,01:48:00,Emergency Department,1,admit,79.4,,22:45:00,1257,Floor,Alive,033-1056 +3246790,2646710,Male,81,Caucasian,444,1079,"Renal failure, acute",170.18,18:09:00,-70,Emergency Department,2015,20:30:00,7271,Skilled Nursing Facility,Alive,Med-Surg ICU,19:19:00,Emergency Department,1,admit,100.69,,23:21:00,1682,Floor,Alive,033-10274 +3348292,2738660,Female,87,Caucasian,459,1108,GI perforation/rupture,160.0,18:06:00,-119,Emergency Department,2015,18:43:00,28718,Rehabilitation,Alive,Med-Surg ICU,20:05:00,Emergency Department,1,admit,49.4,61.7,21:50:00,10185,Floor,Alive,035-10434 +3348293,2738660,Female,87,Caucasian,459,1108,"Sepsis, GI",160.0,18:06:00,-11414,Emergency Department,2015,18:43:00,17423,Rehabilitation,Alive,Med-Surg ICU,16:20:00,Floor,2,readmit,49.44,56.1,17:44:00,2964,Step-Down Unit (SDU),Alive,035-10434 +3352230,2742186,Male,41,African American,458,1107,"CABG alone, coronary artery bypass grafting",177.8,21:21:00,-1512,Direct Admit,2014,18:35:00,18482,Home,Alive,CTICU,22:33:00,Operating Room,2,transfer,127.0,128.5,21:34:00,4261,Telemetry,Alive,035-10089 +3352231,2742186,Male,41,African American,458,1104,"Infarction, acute myocardial (MI)",177.8,21:21:00,-136,Direct Admit,2014,18:35:00,19858,Home,Alive,Cardiac ICU,23:37:00,Direct Admit,1,admit,127.0,135.2,22:26:00,1369,Other ICU,Alive,035-10089 + + + + diff --git a/test-resources/core/eicudemo/physicalExam.csv b/test-resources/core/eicudemo/physicalExam.csv new file mode 100644 index 000000000..bb6368d4b --- /dev/null +++ b/test-resources/core/eicudemo/physicalExam.csv @@ -0,0 +1,5237 @@ +physicalexamid,patientunitstayid,physicalexamoffset,physicalexampath,physicalexamvalue,physicalexamtext +5349557,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +5349558,217838,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +5349559,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,100 +5349560,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,100 +5349561,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,100 +5349562,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,115 +5349563,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,115 +5349564,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,115 +5349565,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,63 +5349566,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,63 +5349567,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +5349568,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,90 +5349569,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,90 +5349570,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,90 +5349574,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,96.1 +5349575,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,96.1 +5349576,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +5349577,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +5349578,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +5349579,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/regular,regular,regular +5349580,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +5349581,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +5349582,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +5349583,217838,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +5961862,141765,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +5961863,141765,7,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +5961867,141765,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,46.5 +5961868,141765,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +5961869,141765,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +5961870,141765,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +6279340,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +6279341,178858,317,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +6279342,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,54 +6279343,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,44 +6279344,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,60 +6279345,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,127 +6279346,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +6279347,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,129 +6279348,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,68 +6279349,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,67 +6279350,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +6279351,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +6279352,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +6279353,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +6279357,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,107.9 +6279358,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,110 +6279359,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+2.1 +6279360,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +6279361,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +6279362,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +6279363,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +6279364,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +6279365,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +6279366,178858,317,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +7454212,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +7454213,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +7454214,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +7454215,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +7454216,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +7454217,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +7454218,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +7454219,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +7454220,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,78 +7454221,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +7454222,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,88 +7454223,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,101 +7454224,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,84 +7454225,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,140 +7454226,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +7454227,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,55 +7454228,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +7454229,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +7454230,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +7454231,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +7454235,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +7454236,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +7454237,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.6 +7454238,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,83.2 +7454239,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,825 +7454240,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +7454241,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,825 +7454242,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +7454243,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-825 +7454244,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +7454245,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +7454246,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +7454247,281132,1353,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +8032259,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +8032260,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +8032261,284517,398,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +8032262,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,112 +8032263,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,109 +8032264,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,129 +8032265,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,91 +8032266,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,-12 +8032267,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,127 +8032268,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,67 +8032269,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,-19 +8032270,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,82 +8032271,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +8032272,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +8032273,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,43 +8032274,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +8032275,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,88 +8032276,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,93 +8032280,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,79.3 +8032281,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,79.3 +8032282,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +8032283,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,150 +8032284,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +8032285,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,150 +8032286,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +8032287,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-150 +8032288,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/12,12,12 +8032289,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +8032290,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +8032291,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +8032292,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +8032293,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +8032294,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +8032295,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +8032296,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +8032297,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +8032298,284517,398,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +8607208,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +8607209,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +8607210,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +8607211,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,70 +8607212,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +8607213,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,88 +8607214,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,101 +8607215,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,84 +8607216,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,140 +8607217,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +8607218,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,55 +8607219,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +8607220,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +8607221,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +8607222,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +8607225,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +8607226,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +8607227,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.6 +8607228,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,84.6 +8607229,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-2 +8607230,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,825 +8607231,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +8607232,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,825 +8607233,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +8607234,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-825 +8607235,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +8607236,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +8607237,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +8607238,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +8607239,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +8607240,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +8607241,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +8607242,281132,1307,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +8988815,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +8988816,257802,10,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +8988817,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,72 +8988818,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,61 +8988819,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,72 +8988820,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,158 +8988821,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,139 +8988822,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,155 +8988823,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +8988824,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +8988825,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +8988826,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +8988827,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +8988828,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +8988829,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +8988830,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +8988831,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +8988832,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,73.5000 +8988833,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +8988834,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +8988835,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +8988836,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +8988837,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +8988838,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/somnolent,somnolent,somnolent +8988839,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +8988840,257802,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +9043599,281132,-25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.6361 +9210384,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +9210385,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +9210386,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,139 +9210387,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,139 +9210388,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,139 +9210389,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,60 +9210390,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,60 +9210391,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,60 +9210392,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,113 +9210393,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +9210394,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +9210395,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +9210396,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +9210397,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +9210398,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +9210399,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +9210400,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +9210401,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +9210402,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +9210403,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/somnolent,somnolent,somnolent +9210404,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +9210405,263285,-4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +9231790,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +9231791,281132,37,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +9231792,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,80 +9231793,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,76 +9231794,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,80 +9231795,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,123 +9231796,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,121 +9231797,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,140 +9231798,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +9231799,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,66 +9231800,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +9231801,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +9231802,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +9231803,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +9231804,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +9231805,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +9231806,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +9231807,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.6361 +9231808,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,86.6 +9231809,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.04 +9231810,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +9231811,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +9231812,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +9231813,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +9231814,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +9231815,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +9231816,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +9231817,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +9231818,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +9231819,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +9231820,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +9231821,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +9231822,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +9231823,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +9231824,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +9231825,281132,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +9841904,284517,16,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +9841905,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,118 +9841906,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,118 +9841907,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,118 +9841908,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,73 +9841909,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,73 +9841910,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,73 +9841911,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,79.3 +9841912,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +9841913,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +9841914,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +9841915,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +9841916,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +9841917,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/1,1,1 +9841918,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +9841919,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +9841920,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +9841921,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +9841922,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +9841923,284517,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +10091067,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +10091068,342377,114,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +10091072,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,37.87 +10091073,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,0 +10091074,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +10091075,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +10091076,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +10091077,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +10091078,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +10091079,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +10091080,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,113 +10091081,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,72 +10091082,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +10091083,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +10091084,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +10091085,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +10091086,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +10091087,342377,114,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +10342866,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +10342867,368911,39,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +10342868,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,72 +10342869,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,72 +10342870,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,86 +10342871,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,125 +10342872,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,125 +10342873,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,126 +10342874,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +10342875,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,78 +10342876,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,77 +10342877,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +10342878,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +10342879,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +10342880,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +10342881,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +10342882,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +10342883,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +10342884,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +10342885,368911,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +10707739,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +10707740,393769,42,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +10707741,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,58 +10707742,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,58 +10707743,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,60 +10707744,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +10707745,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +10707746,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,12 +10707747,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +10707748,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +10707749,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +10707750,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,84.4 +10707751,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/1,1,1 +10707752,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/2,2,2 +10707753,393769,42,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +10873865,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +10873866,403279,32,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +10873867,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,73 +10873868,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,73 +10873869,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,74 +10873870,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,168 +10873871,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,168 +10873872,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,168 +10873873,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,88 +10873874,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,88 +10873875,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,88 +10873876,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +10873877,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +10873878,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +10873879,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,72.7 +10873881,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +10873882,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +10873883,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +10873884,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +10873885,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +10873886,403279,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11148574,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11148575,369237,20,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11148576,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +11148577,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +11148578,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,76 +11148579,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,78 +11148580,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,78 +11148581,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,121 +11148582,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,49 +11148583,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,49 +11148584,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,96 +11148585,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,11 +11148586,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +11148587,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,11 +11148588,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +11148589,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +11148590,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +11148594,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,108.8 +11148596,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +11148597,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11148598,369237,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +11154452,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11154453,356949,61,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11154454,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,115 +11154455,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,115 +11154456,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,123 +11154457,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,132 +11154458,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,132 +11154459,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,149 +11154460,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,88 +11154461,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,88 +11154462,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,94 +11154463,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +11154464,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +11154465,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +11154467,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +11154468,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +11154469,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.2000 +11154474,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +11154475,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11154476,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +11154477,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11154478,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11154479,356949,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11177558,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,136 +11177559,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,136 +11177560,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +11177561,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,94 +11177562,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,94 +11177563,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,94 +11177567,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,40.6000 +11177568,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,450 +11177569,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +11177570,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,450 +11177571,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +11177572,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-450 +11177573,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,107 +11177574,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +11177575,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +11177576,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11177577,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11177578,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11177579,367912,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11208743,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11208744,378120,12,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11208745,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,99 +11208746,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,99 +11208747,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,99 +11208748,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +11208749,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,66 +11208750,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,66 +11208754,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,88.8100 +11208755,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,80 +11208756,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +11208757,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +11208758,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +11208759,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11208760,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11208761,378120,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11263366,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11263367,411036,149,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11263368,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +11263369,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +11263371,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,156 +11263372,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,82 +11263373,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +11263374,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,28 +11263375,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11263376,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +11263377,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +11263378,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11263379,411036,149,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +11595943,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11595944,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11595945,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +11595946,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,73 +11595947,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,62 +11595948,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,98 +11595949,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,133 +11595950,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,131 +11595951,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,144 +11595952,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,75 +11595953,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +11595954,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +11595955,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +11595956,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,0 +11595957,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +11595958,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +11595959,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +11595960,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +11595961,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,79.7 +11595962,411036,3203,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11673450,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11673451,405746,205,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11673455,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,100.9 +11673456,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,74 +11673457,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,124 +11673458,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,75 +11673459,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +11673460,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +11673461,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,28 +11673462,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11673463,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11673464,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11673465,405746,205,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11717090,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11717091,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11717092,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,119 +11717093,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,73 +11717094,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,122 +11717095,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,133 +11717096,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,133 +11717097,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,128 +11717098,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,40 +11717099,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,40 +11717100,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,61 +11717101,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,24 +11717102,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +11717103,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +11717104,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +11717105,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +11717106,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +11717110,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,36.2 +11717111,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11717112,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11717113,314184,1027,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11787357,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11787358,411036,424,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11787359,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +11787360,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,93 +11787361,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,93 +11787362,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,93 +11787363,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +11787364,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +11787365,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +11787366,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +11787367,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +11787368,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +11787372,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,79.7000 +11787373,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11787374,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,156 +11787375,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,72 +11787376,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +11787377,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +11787378,411036,424,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11863524,361404,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11863525,361404,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11863526,361404,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +11863527,361404,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11863528,361404,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11863529,361404,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +11992833,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +11992834,395323,78,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +11992835,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,89 +11992836,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,89 +11992837,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,106 +11992838,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,129 +11992839,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +11992840,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,129 +11992841,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,87 +11992842,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,63 +11992843,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,87 +11992844,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +11992845,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +11992846,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +11992850,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,99.79 +11992851,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +11992852,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +11992853,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +11992854,395323,78,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +12200574,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +12200575,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,63 +12200576,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,63 +12200577,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,63 +12200578,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,114 +12200579,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,115 +12200580,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,114 +12200581,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,69 +12200582,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,75 +12200583,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +12200584,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +12200585,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +12200586,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +12200587,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +12200588,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +12200589,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +12200593,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,89.8 +12200594,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +12200595,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +12200596,313055,18,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +12209733,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +12209734,420354,2,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +12209738,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +12209739,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,133 +12209740,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +12209741,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,92 +12209742,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,28 +12209743,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,112 +12209744,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,84 +12209745,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +12209746,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +12209747,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +12209748,420354,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +12581180,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +12581181,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +12581182,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +12581183,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,82 +12581184,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,107 +12581185,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,101 +12581186,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,100 +12581187,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,145 +12581188,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,68 +12581189,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,49 +12581190,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,90 +12581191,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +12581192,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +12581193,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +12581197,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +12581198,395323,1526,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,99.79 +12653444,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +12653445,533168,110,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +12653446,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,89 +12653447,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,87 +12653448,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,94 +12653449,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,152 +12653450,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,160 +12653451,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,152 +12653452,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,102 +12653453,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,95 +12653454,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,102 +12653455,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,24 +12653456,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,23 +12653457,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +12653458,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +12653459,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +12653460,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +12653464,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +12653465,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,87.9 +12653466,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +12653467,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +12653468,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/healthy appearing,healthy appearing,healthy appearing +12653469,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +12653470,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +12653471,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +12653472,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +12653473,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +12653474,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +12653475,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +12653476,533168,110,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +16235592,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +16235593,475290,15,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +16235594,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,115 +16235595,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,115 +16235596,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,115 +16235597,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +16235598,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +16235599,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +16235600,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +16235601,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +16235602,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +16235603,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,65.7 +16235604,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +16235605,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +16235606,475290,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +19576057,436993,27,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +19576058,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,82 +19576059,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,80 +19576060,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +19576061,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,139 +19576062,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,83 +19576063,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,139 +19576064,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,86 +19576065,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +19576066,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,86 +19576067,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +19576068,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +19576069,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +19576070,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +19576071,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +19576072,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +19576076,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +19576077,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +19576078,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,18 +19576079,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,84.1 +19576080,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +19576081,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +19576082,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +19576083,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/cachectic,cachectic,cachectic +19576084,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +19576085,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +19576086,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +19576087,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +19576088,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +19576089,436993,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +20467575,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +20467576,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +20467577,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,92 +20467578,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,92 +20467579,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,56 +20467580,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +20467581,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +20467582,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +20467583,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +20467584,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +20467585,436993,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,18 +20485964,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +20485965,482789,60,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +20485966,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,90 +20485967,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +20485968,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,90 +20485969,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,138 +20485970,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,138 +20485971,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +20485972,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,99 +20485973,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,99 +20485974,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,109 +20485975,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +20485976,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +20485977,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +20485978,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,74 +20485979,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,73 +20485980,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,77 +20485981,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,82.5 +20485982,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +20485983,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +20485984,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +20485985,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +20485986,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +20485987,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +20485988,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +20485989,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +20485990,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +20485991,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +20485992,482789,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +21178670,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +21178671,485952,12,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +21178672,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,93 +21178673,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,93 +21178674,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,93 +21178675,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,95 +21178676,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,95 +21178677,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,95 +21178678,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,51 +21178679,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +21178680,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,51 +21178681,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +21178682,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +21178683,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +21178684,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +21178685,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +21178686,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +21178687,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,53.9 +21178688,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +21178689,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +21178690,485952,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +23085736,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +23085737,439621,30,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +23085738,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +23085739,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +23085740,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,95 +23085741,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,97 +23085742,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,97 +23085743,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,97 +23085744,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,50 +23085745,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,50 +23085746,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,50 +23085747,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +23085748,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +23085749,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +23085750,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +23085751,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +23085752,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +23085756,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,54.4 +23085757,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +23085758,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +23085759,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +23085760,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +23085761,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +23085762,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +23085763,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +23085764,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +23085765,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +23085766,439621,30,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +24377312,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +24377313,859032,38,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +24377314,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,55 +24377315,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,55 +24377316,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,55 +24377317,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,151 +24377318,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,151 +24377319,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,151 +24377320,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,42 +24377321,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,41 +24377322,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,42 +24377323,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,25 +24377324,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,25 +24377325,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +24377326,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +24377327,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +24377328,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +24377332,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,100.7 +24377333,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,99.7 +24377334,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-1 +24377335,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,30 +24377336,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +24377337,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +24377338,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+30 +24377339,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +24377340,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +24377341,859032,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +24541070,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +24541071,827085,71,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +24541072,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,114 +24541073,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,114 +24541074,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,122 +24541075,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,104 +24541076,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,87 +24541077,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,104 +24541078,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,69 +24541079,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,60 +24541080,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +24541081,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +24541082,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,23 +24541083,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +24541084,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +24541085,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +24541086,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +24541087,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,74.4 +24541088,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +24541089,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +24541090,827085,71,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/2,2,2 +24581432,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +24581433,608375,502,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +24581434,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,76 +24581435,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +24581436,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,175 +24581437,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,146 +24581438,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,103 +24581439,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,146 +24581440,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +24581441,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,55 +24581442,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,64 +24581443,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +24581444,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +24581445,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +24581446,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +24581447,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +24581448,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +24581451,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,102.8 +24581452,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,112.9 +24581453,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+10.1 +24581454,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,0 +24581455,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,4400 +24581456,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,825 +24581457,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +24581458,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+3575 +24581459,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +24581460,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +24581461,608375,502,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +25228770,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +25228771,580972,3,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +25228772,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,121 +25228773,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,121 +25228774,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,121 +25228775,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +25228776,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,78 +25228777,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +25228781,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,78.3 +25228782,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +25228783,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +25228784,580972,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +25328324,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +25328325,876429,11,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +25328326,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,65 +25328327,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,63 +25328328,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,65 +25328329,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,92 +25328330,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,91 +25328331,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,92 +25328332,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,50 +25328333,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,50 +25328334,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,50 +25328335,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +25328336,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +25328337,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +25328338,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +25328339,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +25328340,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +25328341,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,12 +25328342,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/PAOP/PAOP,PAOP,15 +25328343,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/Systemic Vascular Resistance Index/Systemic Vascular Resistance Index,Systemic Vascular Resistance Index,2255 +25328347,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CO/CO,CO,3 +25328351,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/SVR/SVR,SVR,1253 +25328352,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +25328353,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,14 +25328354,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.8 +25328355,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +25328356,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +25328357,876429,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +25654753,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +25654754,608375,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +25654755,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,112 +25654756,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,87 +25654757,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,175 +25654758,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +25654759,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,109 +25654760,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,212 +25654761,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,73 +25654762,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,73 +25654763,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,93 +25654764,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,91 +25654765,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +25654766,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +25654770,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,102.8 +25654771,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,0 +25654772,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,4400 +25654773,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,825 +25654774,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +25654775,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+3575 +25654776,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +25654777,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +25654778,608375,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +26345309,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +26345310,887140,6,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +26345311,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,188 +26345312,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,188 +26345313,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,188 +26345314,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,107 +26345315,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,107 +26345316,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,107 +26345320,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,52.2 +26345321,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +26345322,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +26345323,887140,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +27058137,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +27058138,827084,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +27058139,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,170 +27058140,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,170 +27058141,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,170 +27058142,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,79 +27058143,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,79 +27058144,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,79 +27058145,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,69.5 +27058146,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +27058147,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +27058148,827084,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +27614686,859033,2905,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +27640031,663910,-19,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +27954115,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +27954116,839120,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +27954117,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,72 +27954118,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,72 +27954119,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,72 +27954120,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,138 +27954121,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,121 +27954122,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,138 +27954123,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,63 +27954124,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,57 +27954125,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +27954126,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +27954127,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +27954128,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +27954129,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +27954130,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +27954131,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +27954135,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,48 +27954136,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +27954137,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +27954138,839120,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +28262025,654286,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +28262026,654286,13,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +28262027,654286,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,53.3 +28262028,654286,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +28262029,654286,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +28262030,654286,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +28304831,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +28304832,842499,63,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +28304833,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,72 +28304834,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,72 +28304835,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,77 +28304836,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,88 +28304837,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,83 +28304838,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,90 +28304839,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +28304840,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,56 +28304841,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,58 +28304842,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,8 +28304843,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +28304844,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,12 +28304845,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +28304846,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +28304847,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +28304851,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,51.5 +28304852,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +28304853,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +28304854,842499,63,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +28912260,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +28912261,869526,15,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +28912265,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,81.5 +28912266,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,81.5 +28912267,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +28912268,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,10 +28912269,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,200 +28912270,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +28912271,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-190 +28912272,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +28912273,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +28912274,869526,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +28990729,758779,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +28990730,758779,32,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +28990734,758779,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,106.8 +28990735,758779,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +28990736,758779,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +28990737,758779,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +29097562,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +29097563,639917,41,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +29097564,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,119 +29097565,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,119 +29097566,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,119 +29097567,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,114 +29097568,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +29097569,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,145 +29097570,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,53 +29097571,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,53 +29097572,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,67 +29097573,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +29097574,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,22 +29097575,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +29097576,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,89 +29097577,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +29097578,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,89 +29097579,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,81 +29097580,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +29097581,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +29097582,639917,41,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/2,2,2 +29302543,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +29302544,859033,43,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +29302545,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,58 +29302546,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,54 +29302547,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,66 +29302548,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,83 +29302549,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,107 +29302550,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,90 +29302551,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +29302552,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,34 +29302553,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,81 +29302554,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +29302555,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +29302556,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +29302557,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +29302558,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +29302559,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +29302563,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,100.7 +29302564,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,97.7 +29302565,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-3 +29302566,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2040 +29302567,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1075 +29302568,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +29302569,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+965 +29302570,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +29302571,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +29302572,859033,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +29348172,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +29348173,608375,274,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +29348174,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,153 +29348175,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,87 +29348176,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,175 +29348177,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,103 +29348178,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,103 +29348179,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,103 +29348180,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +29348181,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,55 +29348182,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,65 +29348183,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +29348184,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +29348185,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +29348186,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +29348187,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +29348188,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +29348192,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,75 +29348193,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,4 +29348194,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,102.8 +29348195,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,112.9 +29348196,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+10.1 +29348197,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,0 +29348198,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,4400 +29348199,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,825 +29348200,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +29348201,608375,274,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+3575 +29849855,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +29849856,608375,748,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +29849857,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,92 +29849858,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +29849859,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,175 +29849860,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +29849861,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,109 +29849862,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,146 +29849863,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +29849864,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +29849865,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,64 +29849866,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +29849867,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +29849868,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +29849869,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +29849870,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +29849871,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +29849875,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,80 +29849876,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,8 +29849877,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,18 +29849878,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,102.8 +29849879,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,112.9 +29849880,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+10.1 +29849881,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,165 +29849882,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1880 +29849883,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,725 +29849884,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +29849885,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+1155 +29849886,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +29849887,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +29849888,608375,748,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30194859,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30194860,970328,16,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30194861,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +30194862,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,109 +30194863,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,109 +30194864,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,74 +30194865,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,74 +30194866,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,74 +30194869,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,30 +30194870,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +30194871,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,20 +30194872,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56.56 +30194873,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,56.56 +30194874,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30194875,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,180 +30194876,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,3 +30194877,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30194878,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+177 +30194879,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30194880,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30194881,970328,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30197028,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30197029,964782,3,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30197033,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,62.73 +30197034,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,62.73 +30197035,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30197036,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,200 +30197037,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30197038,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30197039,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+200 +30197040,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30197041,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30197042,964782,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30205592,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30205593,965083,515,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30205594,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,85 +30205595,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,66 +30205596,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,93 +30205597,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,122 +30205598,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,119 +30205599,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,129 +30205600,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +30205601,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,64 +30205602,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,85 +30205603,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +30205604,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +30205605,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +30205606,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +30205607,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +30205608,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +30205612,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,58.06 +30205613,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,58.06 +30205614,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30205615,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +30205616,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30205617,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30205618,965083,515,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +30282511,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30282512,972877,38,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30282515,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,55.45 +30282516,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,55.46 +30282517,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.01 +30282518,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2 +30282519,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30282520,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30282521,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+2 +30282522,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30282523,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30282524,972877,38,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30388752,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30388753,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30388754,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,60 +30388755,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,54 +30388756,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,68 +30388757,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,140 +30388758,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,90 +30388759,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,131 +30388760,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,76 +30388761,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,55 +30388762,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,76 +30388763,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,29 +30388764,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +30388765,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,33 +30388766,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +30388767,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +30388768,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +30388772,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.36 +30388773,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,85.5 +30388774,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.86 +30388775,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,750 +30388776,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,967 +30388777,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,750 +30388778,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30388779,976722,1395,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+217 +30398849,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30398853,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,68.3 +30398854,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,68.27 +30398855,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.03 +30398856,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +30398857,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30398858,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30398859,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +30398860,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30398861,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30398862,970720,1,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30414965,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30414966,976722,60,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30414967,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,116 +30414968,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,116 +30414969,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,116 +30414970,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +30414971,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,66 +30414972,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,66 +30414976,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.36 +30414977,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,85.9 +30414978,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.46 +30414979,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,147 +30414980,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30414981,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30414982,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+147 +30414983,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30414984,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30414985,976722,60,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30455068,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30455069,970328,283,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30455070,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,97 +30455071,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,57 +30455072,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,97 +30455073,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,132 +30455074,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +30455075,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,129 +30455076,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,84 +30455077,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,56 +30455078,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,85 +30455079,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +30455080,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,17 +30455081,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +30455082,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +30455083,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,76 +30455084,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +30455087,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,30 +30455088,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +30455089,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,18 +30455090,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56.56 +30455091,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,56.56 +30455092,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30455093,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,180 +30455094,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,3 +30455095,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30455096,970328,283,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+177 +30518705,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30518706,972877,29,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30518709,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,55.45 +30518710,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,55.46 +30518711,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.01 +30518712,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2 +30518713,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30518714,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30518715,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+2 +30518716,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30518717,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30518718,972877,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30581501,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30581502,965083,17,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30581503,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,91 +30581504,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,91 +30581505,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,91 +30581506,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,129 +30581507,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,129 +30581508,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,129 +30581509,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,85 +30581510,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,85 +30581511,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,85 +30581512,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,27 +30581513,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,27 +30581514,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +30581515,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +30581516,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +30581517,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +30581521,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +30581522,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,58.06 +30581523,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,58.06 +30581524,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30581525,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +30581526,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30581527,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30581528,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +30581529,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30581530,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30581531,965083,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30674210,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30674211,959746,11,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30674212,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,105 +30674213,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +30674214,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,105 +30674215,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,63 +30674216,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,63 +30674217,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +30674221,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.36 +30674222,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,86.36 +30674223,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30674224,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +30674225,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +30674226,959746,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +30753331,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30753332,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,82 +30753333,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +30753334,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,107 +30753335,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,120 +30753336,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,115 +30753337,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +30753338,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,50 +30753339,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,43 +30753340,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,68 +30753341,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +30753342,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,10 +30753343,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +30753344,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +30753345,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +30753346,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +30753350,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,68.3 +30753351,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,72 +30753352,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+3.7 +30753353,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,930 +30753354,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,278 +30753355,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,931 +30753356,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30753357,970720,3381,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-653 +30756567,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30756568,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30756569,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,58 +30756570,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,54 +30756571,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,64 +30756572,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,123 +30756573,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +30756574,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,131 +30756575,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,71 +30756576,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,58 +30756577,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,76 +30756578,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +30756579,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +30756580,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,34 +30756581,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +30756582,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +30756583,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +30756587,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.36 +30756588,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,85.5 +30756589,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.86 +30756590,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,2350 +30756591,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1160 +30756592,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2350 +30756593,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30756594,976722,1696,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1190 +30772652,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +30772653,963136,4,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +30772654,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,79 +30772655,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,79 +30772656,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,79 +30772657,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,97 +30772658,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,97 +30772659,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,104 +30772660,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,50 +30772661,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,50 +30772662,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,47 +30772663,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +30772664,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +30772665,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +30772666,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +30772667,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +30772668,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +30772672,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,59.33 +30772673,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,59.33 +30772674,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +30772675,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +30772676,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +30772677,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +30772678,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +30772679,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +30772680,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +30772681,963136,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +41979986,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +41979987,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +41979991,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,112 +41979992,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +41979993,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +41979994,1073098,59,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +41991933,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +41991934,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +41991935,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +41991936,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +41991937,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,98 +41991938,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,101 +41991939,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,94 +41991940,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,103 +41991941,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,61 +41991942,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,58 +41991943,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,62 +41991944,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,11 +41991945,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +41991946,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +41991947,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +41991948,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,86 +41991949,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +41991953,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,59.1 +41991954,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +41991955,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +41991956,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +41991957,1063405,446,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +42156189,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +42156190,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +42156191,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,106 +42156192,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,92 +42156193,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,106 +42156194,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,132 +42156195,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,132 +42156196,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,170 +42156197,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,80 +42156198,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,80 +42156199,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,102 +42156200,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +42156201,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +42156202,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +42156203,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +42156204,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +42156205,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +42156206,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,6 +42156210,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,60.5 +42156211,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/3,3,3 +42156212,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/1,1,1 +42156213,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +42156214,1058166,140,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +42229542,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +42229543,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +42229544,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,86 +42229545,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,98 +42229546,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +42229547,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,98 +42229548,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,44 +42229549,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,44 +42229550,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,44 +42229551,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +42229552,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +42229553,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +42229554,1091677,55,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,81 +42251114,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +42251115,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +42251116,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,100 +42251117,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +42251118,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,124 +42251119,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,136 +42251120,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,108 +42251121,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +42251122,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,60 +42251123,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,62 +42251124,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,66 +42251125,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +42251126,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +42251127,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +42251128,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +42251129,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +42251130,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +42251133,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +42251134,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +42251135,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,20 +42251136,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,51 +42251137,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,813 +42251138,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +42251139,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,813 +42251140,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +42251141,1101375,4614,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-813 +42254985,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,58 +42254986,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,56 +42254987,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +42254988,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,144 +42254989,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,133 +42254990,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,184 +42254991,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,70 +42254992,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,59 +42254993,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,80 +42254994,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +42254995,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +42254996,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +42254999,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +42255000,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +42255001,1131174,1021,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,82.4 +42564590,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +42564591,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +42564592,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,79 +42564593,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +42564594,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,115 +42564595,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,111 +42564596,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,84 +42564597,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,141 +42564598,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +42564599,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +42564600,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,114 +42564601,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +42564602,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +42564603,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,31 +42564604,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,91 +42564605,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,90 +42564606,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +42564610,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +42564611,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,8 +42564612,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,12 +42564613,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,51 +42564614,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1775 +42564615,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +42564616,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1775 +42564617,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +42564618,1101375,21692,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1775 +42881431,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +42881432,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +42881433,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,136 +42881434,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,136 +42881435,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +42881436,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,68 +42881437,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,68 +42881438,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,68 +42881439,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +42881440,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +42881441,1131174,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +43174546,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +43174547,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +43174548,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +43174549,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +43174550,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,86 +43174551,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,98 +43174552,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +43174553,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,98 +43174554,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,44 +43174555,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,44 +43174556,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,44 +43174557,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +43174558,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +43174559,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +43174560,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,81 +43174561,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +43174562,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +43174563,1091677,56,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +43342889,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +43342890,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,73 +43342891,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,68 +43342892,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,73 +43342893,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,133 +43342894,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +43342895,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +43342896,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +43342897,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,64 +43342898,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,70 +43342899,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +43342900,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,22 +43342901,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +43342902,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +43342903,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +43342904,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +43342908,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +43342909,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +43342910,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,22 +43342911,1101375,95,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +43392310,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +43392311,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +43392312,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,97 +43392313,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,67 +43392314,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,114 +43392315,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,122 +43392316,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,101 +43392317,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,154 +43392318,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +43392319,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,50 +43392320,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,119 +43392321,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +43392322,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +43392323,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +43392324,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +43392325,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +43392326,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +43392330,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +43392331,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +43392332,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,20 +43392333,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,51 +43392334,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,540 +43392335,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +43392336,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,540 +43392337,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +43392338,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-540 +43392339,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/6,6,6 +43392340,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +43392341,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +43392342,1101375,3404,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +43923619,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +43923620,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +43923621,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,54 +43923622,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,52 +43923623,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,56 +43923624,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,90 +43923625,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,64 +43923626,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,90 +43923627,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +43923628,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,30 +43923629,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,64 +43923630,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +43923631,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +43923632,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +43923633,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +43923634,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +43923635,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +43923639,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,101.8 +43923640,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,98.7 +43923641,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-3.1 +43923642,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,700 +43923643,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2 +43923644,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,700 +43923645,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +43923646,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-698 +43923647,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +43923648,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +43923649,1176674,96,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +44219268,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +44219269,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +44219270,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,74.2000 +44219271,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +44219272,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +44219273,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,87 +44219274,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,137 +44219275,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,130 +44219276,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,137 +44219277,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +44219278,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,82 +44219279,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +44219280,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +44219281,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +44219282,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +44219283,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +44219284,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +44219285,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +44219286,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +44219287,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +44219288,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +44219289,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +44219290,1191262,-6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +44253016,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +44253017,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +44253021,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,101.8 +44253022,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +44253023,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +44253024,1176675,-12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +45069471,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +45069472,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +45069473,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,97.6 +45069474,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +45069475,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +45069476,1193511,-62,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +46040152,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +46040153,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,72.7 +46040154,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +46040155,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +46040156,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +46040157,1259416,90,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +47186711,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +47186712,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,68 +47186713,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,62 +47186714,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,87 +47186715,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,140 +47186716,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +47186717,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,140 +47186718,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,57 +47186719,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,35 +47186720,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,57 +47186721,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +47186722,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +47186723,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +47186724,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +47186725,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,0 +47186726,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +47186727,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.679 +47186728,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +47186729,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +47186730,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +47186731,1290248,402,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +47976264,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +47976265,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,77 +47976266,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +47976267,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,88 +47976268,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,151 +47976269,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,123 +47976270,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,137 +47976271,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +47976272,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,58 +47976273,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,82 +47976274,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +47976275,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +47976276,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +47976277,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +47976278,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +47976279,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +47976280,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,53.524 +47976281,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +47976282,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +47976283,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +47976284,1226362,413,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +51961207,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +51961208,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +51961209,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +51961210,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +51961211,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +51961214,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,126.6 +51961215,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,126.55 +51961216,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.05 +51961217,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1100 +51961218,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2325 +51961219,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1100 +51961220,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +51961221,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+1225 +51961222,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +51961223,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +51961224,1550318,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +53036444,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +53036445,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +53036446,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,148 +53036447,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,138 +53036448,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,148 +53036449,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,88 +53036450,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,73 +53036451,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,88 +53036452,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +53036453,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +53036454,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +53036458,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,70.8 +53036459,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,70.67 +53036460,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.13 +53036461,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,450 +53036462,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,369 +53036463,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,450 +53036464,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +53036465,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-81 +53036466,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +53036467,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +53036468,1536927,103,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +53108077,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +53108050,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +53108051,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +53108052,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,58 +53108053,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,56 +53108054,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,59 +53108055,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,98 +53108056,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +53108057,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,98 +53108058,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,57 +53108059,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,57 +53108060,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,57 +53108061,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +53108062,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +53108063,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +53108067,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,70.3 +53108068,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,70.31 +53108069,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.01 +53108070,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,200 +53108071,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,311 +53108072,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,200 +53108073,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +53108074,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+111 +53108075,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +53108076,1463884,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +53143370,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +53143371,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +53143372,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,65 +53143373,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,52 +53143374,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,78 +53143375,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,99 +53143376,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,89 +53143377,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,110 +53143378,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,55 +53143379,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,43 +53143380,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +53143381,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +53143382,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +53143383,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +53143384,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +53143385,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +53143386,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +53143389,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.2 +53143390,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,65.5 +53143391,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.7 +53143392,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1300 +53143393,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2091 +53143394,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1300 +53143395,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +53143396,1488334,973,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+791 +53276956,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +53276957,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +53276961,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,70.7 +53276962,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,70.7 +53276963,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +53276964,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +53276965,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +53276966,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +53276967,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +53276968,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +53276969,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +53276970,1457949,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +53872875,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +53872876,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +53872880,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,45.5 +53872881,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,400 +53872882,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +53872883,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +53872884,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+400 +53872885,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +53872886,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +53872887,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +53872888,1544756,27,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +54105399,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +54105400,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +54105401,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,55 +54105402,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,55 +54105403,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,78 +54105404,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,105 +54105405,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,89 +54105406,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,110 +54105407,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +54105408,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,43 +54105409,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,64 +54105410,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +54105411,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +54105412,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +54105413,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +54105414,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +54105415,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +54105418,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.2 +54105419,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,65.5 +54105420,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.7 +54105421,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,400 +54105422,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +54105423,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,400 +54105424,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +54105425,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-400 +54105426,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +54105427,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +54105428,1488334,322,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +54243771,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +54243772,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +54243776,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,69 +54243777,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,69 +54243778,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +54243779,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1050 +54243780,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +54243781,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1050 +54243782,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +54243783,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1050 +54243784,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +54243785,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +54243786,1437505,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +55825701,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +55825702,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +55825703,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,104 +55825704,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,104 +55825705,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,110 +55825706,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,111 +55825707,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,109 +55825708,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,120 +55825709,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,62 +55825710,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,63 +55825711,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +55825712,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,29 +55825713,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,28 +55825714,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,29 +55825715,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +55825716,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +55825717,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +55825721,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,8 +55825722,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,46.539 +55825723,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,45.8 +55825724,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.74 +55825725,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2434 +55825726,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2775 +55825727,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +55825728,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-341 +55825729,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +55825730,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +55825731,1563281,47,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +55977768,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +55977769,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +55977770,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,80 +55977771,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,80 +55977772,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,80 +55977773,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,135 +55977774,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,135 +55977775,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,137 +55977776,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,61 +55977777,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +55977778,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,62 +55977779,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,24 +55977780,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,24 +55977781,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +55977782,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +55977783,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +55977784,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +55977785,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,8 +55977789,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,126.1 +55977790,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,126.1 +55977791,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +55977792,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +55977793,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +55977794,1588896,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +61208880,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +61208881,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +61208882,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,78 +61208883,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +61208884,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +61208885,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,104 +61208886,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +61208887,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,104 +61208888,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,53 +61208889,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,53 +61208890,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,53 +61208891,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +61208892,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +61208893,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +61208894,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +61208895,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +61208896,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +61208897,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +61208898,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +61208899,1671276,101,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +63764425,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +63764426,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/regular,regular,regular +63764427,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +63764428,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +63764429,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,98 +63764430,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +63764431,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,114 +63764432,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,152 +63764433,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +63764434,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,186 +63764435,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +63764436,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,50 +63764437,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,68 +63764438,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,27 +63764439,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,0 +63764440,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,31 +63764441,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +63764442,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +63764443,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +63764444,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,10 +63764448,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +63764449,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,0 +63764450,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,129.7 +63764451,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1975 +63764452,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Blood Loss,Blood Loss,400 +63764453,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,5048 +63764454,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2775 +63764455,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +63764456,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+2273 +63764457,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +63764458,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/healthy appearing,healthy appearing,healthy appearing +63764459,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +63764460,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +63764461,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +63764462,1849124,1208,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +63785375,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +63785376,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +63785377,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,70 +63785378,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,70 +63785379,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,70 +63785380,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,156 +63785381,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,156 +63785382,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,182 +63785383,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,70 +63785384,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,70 +63785385,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,89 +63785386,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,25 +63785387,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,24 +63785388,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +63785389,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +63785390,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +63785391,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +63785395,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,32 +63785396,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,0 +63785397,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,81.6 +63785398,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +63785399,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +63785400,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +63785401,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +63785402,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +63785403,1790816,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +64478587,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +64478588,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +64478589,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,65 +64478590,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,50 +64478591,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,138 +64478592,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,93 +64478593,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,93 +64478594,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,182 +64478595,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +64478596,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,57 +64478597,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,114 +64478598,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,10 +64478599,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,10 +64478600,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,61 +64478601,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +64478602,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +64478603,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +64478606,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111.8 +64478607,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,111.3 +64478608,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.5 +64478609,1856168,6240,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +64648195,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +64648196,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +64648197,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,92 +64648198,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,83 +64648199,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,100 +64648200,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,96 +64648201,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,99 +64648202,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +64648203,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,36 +64648204,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,47 +64648205,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,65 +64648206,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +64648207,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,5 +64648208,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +64648209,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +64648210,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +64648211,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +64648214,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +64648215,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,93 +64648216,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +64648217,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +64648218,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +64648219,1852395,1350,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +64655551,1852395,-85,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +64655552,1852395,-85,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +64655553,1852395,-85,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +64655554,1852395,-85,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +64655555,1852395,-85,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +65503849,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +65503850,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +65503851,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,59 +65503852,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,59 +65503853,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,88 +65503854,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,118 +65503855,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +65503856,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,152 +65503857,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,59 +65503858,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +65503859,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,84 +65503860,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,24 +65503861,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +65503862,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +65503863,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +65503864,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +65503865,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +65503868,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +65503869,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +65503870,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,118.1 +65503871,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,118.1 +65503872,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +65503873,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/9,9,9 +65503874,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +65503875,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +65503876,1856168,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +66968157,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +66968158,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +66968159,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,100 +66968160,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,100 +66968161,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,103 +66968162,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,85 +66968163,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,85 +66968164,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,88 +66968165,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +66968166,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,56 +66968167,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,59 +66968168,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,36 +66968169,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,34 +66968170,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,36 +66968171,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,94 +66968172,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,82 +66968173,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +66968174,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111.7000 +66968175,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +66968176,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +66968177,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/wide complex,wide complex,wide complex +66968178,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +66968179,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +66968180,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/with retractions,with retractions,with retractions +66968181,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +66968182,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +66968183,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +66968184,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +66968185,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +66968186,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +66968187,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +66968188,1852625,26,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +69949451,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +69949452,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +69949453,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,70 +69949454,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,60 +69949455,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,103 +69949456,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,103 +69949457,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,94 +69949458,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,140 +69949459,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,73 +69949460,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,60 +69949461,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,116 +69949462,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,11 +69949463,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,10 +69949464,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,42 +69949465,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,94 +69949466,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +69949467,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +69949470,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +69949471,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +69949472,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,12 +69949473,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111.8 +69949474,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,112.9 +69949475,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+1.1 +69949476,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/9,9,9 +69949477,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +69949478,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +69949479,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/2,2,2 +69949480,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/2,2,2 +69949481,1856168,8890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +70605262,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +70605263,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +70605264,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,73 +70605265,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,73 +70605266,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,73 +70605267,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,151 +70605268,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,151 +70605269,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,151 +70605270,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,58 +70605271,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,58 +70605272,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,58 +70605273,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +70605274,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +70605275,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,14 +70605276,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +70605277,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +70605278,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +70605279,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,86.1 +70605280,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +70605281,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +70605282,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +70605283,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +70605284,1827129,20,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +71004626,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +71004627,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +71004628,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,102 +71004629,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,98 +71004630,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,104 +71004631,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,192 +71004632,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,158 +71004633,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,192 +71004634,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,74 +71004635,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,64 +71004636,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,74 +71004637,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +71004638,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +71004639,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +71004640,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,16 +71004641,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,80 +71004642,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +71004643,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,20 +71004644,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,129.7 +71004645,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +71004646,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +71004647,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +71004648,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +71004649,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +71004650,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/regular,regular,regular +71004651,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +71004652,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/healthy appearing,healthy appearing,healthy appearing +71004653,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +71004654,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +71004655,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +71004656,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +71004657,1849124,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +71601301,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +71601302,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +71601303,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,132 +71601304,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,132 +71601305,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +71601306,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,74 +71601307,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,74 +71601308,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,74 +71601309,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +71601310,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +71601311,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,118.1 +71601312,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/8,8,8 +71601313,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +71601314,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/2,2,2 +71601315,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +71601316,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,79 +71601317,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +71601318,1856167,3,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +72658696,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +72658697,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/wide complex,wide complex,wide complex +72658698,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +72658699,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/with retractions,with retractions,with retractions +72658700,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +72658701,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,99 +72658702,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,98 +72658703,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,103 +72658704,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,83 +72658705,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,81 +72658706,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,88 +72658707,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +72658708,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +72658709,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,59 +72658710,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,46 +72658711,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,34 +72658712,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,46 +72658713,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,94 +72658714,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,82 +72658715,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +72658716,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +72658717,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +72658718,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111.7 +72658719,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +72658720,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +72658721,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +72658722,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +72658723,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +72658724,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +72658725,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +72658726,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +72658727,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +72658728,1852625,108,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +72706113,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +72706114,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +72706115,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +72706116,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,88 +72706117,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,82 +72706118,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,113 +72706119,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,151 +72706120,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +72706121,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,154 +72706122,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,81 +72706123,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,54 +72706124,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,96 +72706125,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +72706126,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +72706127,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,78 +72706128,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +72706129,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +72706130,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +72706133,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111.8 +72706134,1856168,18575,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +73549589,1812280,-25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +73549590,1812280,-25,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +73549591,1812280,-25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +73549592,1812280,-25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +73549593,1812280,-25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +74613708,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +74613709,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +74613710,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,42 +74613711,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,34 +74613712,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,42 +74613713,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,83 +74613714,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,83 +74613715,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,99 +74613716,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,40 +74613717,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,40 +74613718,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,84 +74613719,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +74613720,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,17 +74613721,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +74613722,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +74613723,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +74613724,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +74613725,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,63.504 +74613726,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +74613727,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +74613728,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +74613729,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +74613730,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +74613731,1795300,52,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +81510631,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +81510632,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +81510633,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,82 +81510634,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,82 +81510635,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,87 +81510636,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,81 +81510637,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,81 +81510638,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,100 +81510639,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,37 +81510640,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,37 +81510641,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,45 +81510642,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +81510643,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +81510644,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,13 +81510645,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +81510646,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +81510647,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +81510650,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,44.6 +81510651,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,44.57 +81510652,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.03 +81510653,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +81510654,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,950 +81510655,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +81510656,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-950 +81510657,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +81510658,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +81510659,2032114,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +83261066,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +83173745,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +83173746,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +83173747,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,80 +83173748,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,76 +83173749,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,80 +83173750,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,153 +83173751,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,153 +83173752,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,149 +83173753,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,67 +83173754,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,67 +83173755,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,66 +83173756,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +83173757,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,17 +83173758,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,30 +83173759,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +83173760,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +83173761,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +83173765,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,36.3 +83173766,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,40.5 +83173767,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+4.2 +83173768,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +83173769,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +83173770,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +83173771,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +83173772,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +83173773,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +83173774,2075529,26,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +83261065,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +83261036,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +83261037,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +83261038,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,108 +83261039,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,93 +83261040,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,135 +83261041,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,100 +83261042,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,33 +83261043,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,101 +83261044,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,50 +83261045,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,17 +83261046,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,67 +83261047,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,28 +83261048,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +83261049,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,31 +83261050,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +83261051,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,83 +83261052,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +83261056,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,82.4 +83261057,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,82.4 +83261058,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +83261059,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/pRBC's,pRBC's,1314 +83261060,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1314 +83261061,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,975 +83261062,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +83261063,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+339 +83261064,2233403,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +84368598,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,47.6 +84368578,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +84368579,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +84368580,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,70 +84368581,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,70 +84368582,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,70 +84368583,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,85 +84368584,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,95 +84368585,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,85 +84368586,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,41 +84368587,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,35 +84368588,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,41 +84368589,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,24 +84368590,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,24 +84368591,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +84368592,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,89 +84368593,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +84368594,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,89 +84368599,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,47.63 +84368600,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.03 +84368601,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +84368602,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +84368603,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +84368604,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +84368605,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +84368606,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +84368607,2193648,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +84570632,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +84570607,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +84570608,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +84570609,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,68 +84570610,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,63 +84570611,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,127 +84570612,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,76 +84570613,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,59 +84570614,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,103 +84570615,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,21 +84570616,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,11 +84570617,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,83 +84570618,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +84570619,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +84570620,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +84570621,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,88 +84570622,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +84570623,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +84570627,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,47.6 +84570628,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,47.63 +84570629,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.03 +84570630,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +84570631,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,295 +84570633,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-295 +84570634,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +84570635,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +84570636,2193649,7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +84867151,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +84867152,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +84867153,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,116 +84867154,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,116 +84867155,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,117 +84867156,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,83 +84867157,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,83 +84867158,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,87 +84867159,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,19 +84867160,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,19 +84867161,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,67 +84867162,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +84867163,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +84867164,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +84867165,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,89 +84867166,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,88 +84867167,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,89 +84867171,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,82.4 +84867172,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,82.4 +84867173,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +84867174,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +84867175,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +84867176,2233402,29,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +85854675,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +85854676,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +85854677,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +85854678,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +85854679,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +85854680,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,104 +85854681,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +85854682,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,116 +85854683,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,70 +85854684,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,70 +85854685,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +85854686,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +85854687,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,21 +85854688,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +85854689,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +85854690,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +85854691,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +85854695,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,46.4 +85854696,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,46.4 +85854697,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +85854698,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +85854699,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +85854700,2303500,15,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +86184143,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +86184144,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +86184145,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,74 +86184146,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,62 +86184147,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,95 +86184148,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,70 +86184149,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,73 +86184150,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,114 +86184151,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +86184152,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,16 +86184153,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,95 +86184154,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +86184155,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +86184156,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +86184157,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +86184158,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,87 +86184159,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +86184163,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,49.8 +86184164,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,49.8 +86184165,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +86184166,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,900 +86184167,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +86184168,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,900 +86184169,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +86184170,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-900 +86184171,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +86184172,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +86184173,2492811,37,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +86503354,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +86503355,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +86503356,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,88 +86503357,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,88 +86503358,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,88 +86503359,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,125 +86503360,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,125 +86503361,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,125 +86503362,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,82 +86503363,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,82 +86503364,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,82 +86503365,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +86503366,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +86503367,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +86503368,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +86503369,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +86503370,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +86503374,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,49.8 +86503375,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,49.8 +86503376,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +86503377,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +86503378,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +86503379,2492812,20,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +86918820,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +86918821,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +86918822,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,148 +86918823,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,148 +86918824,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,148 +86918825,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,98 +86918826,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,98 +86918827,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,98 +86918831,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,47.8 +86918832,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +86918833,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +86918834,2469796,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +86977968,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +86977969,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +86977970,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,105 +86977971,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +86977972,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,112 +86977973,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,74 +86977974,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,74 +86977975,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,79 +86977978,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,80 +86977979,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +86977980,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,24 +86977981,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,77.6 +86977982,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,77.57 +86977983,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.03 +86977984,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +86977985,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +86977986,2450383,10,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +87309694,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +87309695,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +87309696,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,94 +87309697,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,78 +87309698,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,115 +87309699,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,114 +87309700,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,96 +87309701,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,125 +87309702,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,57 +87309703,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +87309704,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,108 +87309705,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +87309706,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +87309707,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +87309708,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +87309709,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +87309710,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +87309714,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,46.4 +87309715,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,3050 +87309716,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +87309717,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,3050 +87309718,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +87309719,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-3050 +87309720,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +87309721,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +87309722,2303499,6,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +88142887,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +88142888,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +88142889,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,49.8 +88142890,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +88142891,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +88142892,2334053,11,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +88884224,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +88884225,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +88884226,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,94 +88884227,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,93 +88884228,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,94 +88884229,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +88884230,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,102 +88884231,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,117 +88884232,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,82 +88884233,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,77 +88884234,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,82 +88884235,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,37 +88884236,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,32 +88884237,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,40 +88884238,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +88884239,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +88884240,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +88884244,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +88884245,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,78.9 +88884246,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,79.88 +88884247,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.98 +88884248,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,300 +88884249,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +88884250,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,900 +88884251,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +88884252,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-900 +88884253,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +88884254,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +88884255,2512314,43,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +88897996,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +88897997,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +88897998,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,92 +88897999,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,90 +88898000,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,92 +88898001,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,27 +88898002,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,26 +88898003,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +88898004,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +88898005,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +88898006,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +88898009,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,80.7 +88898010,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,80.74 +88898011,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.04 +88898012,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +88898013,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,250 +88898014,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +88898015,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-250 +88898016,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +88898017,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +88898018,2462225,61,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +91409194,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +91409195,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,25 +91409196,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +91409197,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,30 +91409198,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,111 +91409199,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,51 +91409200,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,63.8000 +91409201,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +91409202,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +91409204,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +91409205,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +91409206,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/with PVCs,with PVCs,with PVCs +91409209,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,85 +91409210,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +91409211,2597776,9,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +91859198,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,97 +91859199,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,125 +91859200,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +91859202,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +91859203,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +91859204,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +91859205,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +91859206,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +91859207,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,59 +91859209,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +91859210,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,54 +91859212,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +91859213,2610399,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +92455865,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +92455867,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +92455868,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,135 +92455869,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +92455870,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +92455871,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,94 +92455872,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +92455873,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +92455874,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +92455875,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +92455876,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +92455877,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,52.1 +92455878,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +92455879,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,21 +92455880,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,94 +92455881,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +92455882,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +92455883,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,83 +92455884,2609672,24,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,83 +92768463,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +92768437,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +92768438,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +92768439,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,124 +92768440,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,98 +92768441,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,130 +92768442,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +92768443,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +92768444,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,114 +92768445,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,85 +92768446,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,24 +92768447,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,76 +92768448,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +92768449,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +92768450,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +92768451,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +92768452,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +92768453,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +92768454,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,300 +92768457,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,125 +92768458,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +92768459,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +92768460,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +92768461,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +92768462,2580992,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +93006456,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +93006457,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +93006458,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +93006459,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,48 +93006460,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,75 +93006462,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,105 +93006463,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,117 +93006464,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +93006465,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,77 +93006466,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,60.8 +93006467,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +93006468,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +93006469,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +93006470,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +93006472,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,34 +93006473,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/with PVCs,with PVCs,with PVCs +93006474,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +93006475,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +93006476,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +93006477,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,161 +93006478,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,29 +93006479,2597777,1064,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,36 +93944374,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,72 +93944375,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +93944376,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +93944377,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +93944378,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +93944379,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +93944380,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +93944381,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,48 +93944383,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +93944384,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,86 +93944385,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +93944386,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +93944387,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,48 +93944388,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,130 +93944389,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +93944390,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,130 +93944391,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +93944392,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +93944393,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +93944394,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,46 +93944395,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,53.5 +93944396,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +93944398,2627574,92,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +94247066,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +94247067,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/with PVCs,with PVCs,with PVCs +94247068,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +94247069,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,62 +94247070,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,35 +94247071,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,60.8 +94247072,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +94247073,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +94247074,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +94247076,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +94247077,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,105 +94247078,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,70 +94247079,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +94247081,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +94247084,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,73 +94247085,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,145 +94247086,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,151 +94247087,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,139 +94247088,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,91 +94247089,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +94247090,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +94247091,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,41 +94247092,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +94247093,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,37 +94247094,2597777,124,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,94 +95260902,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +95260903,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +95260904,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +95260905,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,70 +95260906,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,75 +95260907,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,122 +95260908,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,111 +95260909,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,122 +95260910,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,75 +95260911,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,65 +95260912,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,75 +95260913,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +95260914,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +95260915,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +95260916,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +95260917,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +95260918,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +95260919,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,20 +95260923,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,77.3 +95260924,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +95260925,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +95260926,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +95260927,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +95260928,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +95260929,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,14 +95260930,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/1,1,1 +95260931,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +95260932,2630865,129,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +95306306,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +95306307,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,132 +95306308,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,132 +95306309,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,132 +95306310,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,99 +95306311,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,36 +95306312,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,115 +95306313,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,47 +95306314,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,14 +95306315,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,49 +95306316,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +95306317,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,26 +95306318,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +95306319,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,92 +95306320,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +95306321,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,92 +95306325,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,65.2 +95306326,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,50 +95306327,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +95306328,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +95306329,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +95306330,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +95306331,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +95306332,2628859,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +96057737,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +96057738,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +96057739,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +96057740,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +96057741,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +96057742,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,130 +96057743,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,111 +96057744,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,120 +96057745,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,72 +96057746,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,70 +96057747,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,83 +96057748,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +96057749,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +96057750,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +96057751,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +96057752,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +96057753,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +96057757,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1250 +96057758,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +96057759,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1250 +96057760,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +96057761,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1250 +96057762,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +96057763,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +96057764,2738362,80,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +96437745,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +96437746,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +96437747,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,104 +96437748,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,104 +96437749,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,104 +96437750,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,82 +96437751,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,82 +96437752,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,82 +96437753,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,46 +96437754,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,40 +96437755,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,46 +96437756,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +96437757,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +96437758,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +96437759,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +96437760,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +96437761,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,93 +96437765,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56.7 +96437766,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,150 +96437767,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +96437768,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,150 +96437769,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +96437770,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-150 +96437771,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +96437772,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +96437773,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +96437774,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +96437775,2797147,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +96510143,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +96510144,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +96510145,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,78 +96510146,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +96510147,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,78 +96510148,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,116 +96510149,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,125 +96510150,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,116 +96510151,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,87 +96510152,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +96510153,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,87 +96510154,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +96510155,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,21 +96510156,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +96510157,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +96510158,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +96510159,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +96510160,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +96510161,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +96510162,2735662,54,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +97131146,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +97131147,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +97131148,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,114 +97131149,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,109 +97131150,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,114 +97131151,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,132 +97131152,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,126 +97131153,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,137 +97131154,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,83 +97131155,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,77 +97131156,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,89 +97131157,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +97131158,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +97131159,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +97131160,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +97131161,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +97131162,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +97131166,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,54.432 +97131167,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,300 +97131168,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +97131169,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,300 +97131170,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +97131171,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-300 +97131172,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +97131173,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +97131174,2853358,125,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +97306046,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +97306047,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +97306048,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +97306049,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +97306050,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,103 +97306051,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,126 +97306052,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,48 +97306053,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,119 +97306054,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,55 +97306055,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,34 +97306056,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,102 +97306057,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +97306058,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,0 +97306059,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,36 +97306060,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +97306061,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,82 +97306062,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +97306066,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,75 +97306067,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,10 +97306068,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,14 +97306069,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,68.9 +97306070,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1175 +97306071,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +97306072,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1175 +97306073,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +97306074,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1175 +97306075,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +97306076,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +97306077,2705166,69,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +99179408,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +99179409,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +99179410,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,55 +99179411,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,53 +99179412,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,55 +99179413,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,108 +99179414,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,113 +99179415,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,108 +99179416,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +99179417,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,46 +99179418,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,52 +99179419,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +99179420,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +99179421,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +99179422,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +99179423,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +99179424,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +99179425,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,11 +99179426,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +99179427,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +99179428,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/narrow complex,narrow complex,narrow complex +99179429,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +99179430,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +99179431,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +99179432,2853320,33,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +99789099,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +99789100,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +99789101,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,112 +99789102,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,112 +99789103,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,112 +99789104,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,137 +99789105,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,142 +99789106,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,137 +99789107,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,89 +99789108,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,86 +99789109,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,89 +99789110,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +99789111,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +99789112,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,15 +99789113,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +99789114,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +99789115,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +99789118,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,54.432 +99789119,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,300 +99789120,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +99789121,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,300 +99789122,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +99789123,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-300 +99789124,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +99789125,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +99789126,2853358,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +99970407,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +99970408,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +99970409,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,82 +99970410,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +99970411,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,89 +99970412,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,99 +99970413,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,96 +99970414,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,128 +99970415,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +99970416,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,46 +99970417,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,71 +99970418,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +99970419,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,0 +99970420,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,36 +99970421,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +99970422,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +99970423,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +99970427,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,70 +99970428,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,10 +99970429,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,14 +99970430,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,68.9 +99970431,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,650 +99970432,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +99970433,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,650 +99970434,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +99970435,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-650 +99970436,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +99970437,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +99970438,2705166,1777,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +100164863,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +100164864,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +100164865,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +100164866,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,84 +100164867,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +100164868,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,134 +100164869,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,134 +100164870,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,134 +100164871,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,73 +100164872,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,73 +100164873,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,73 +100164874,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,25 +100164875,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,25 +100164876,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +100164877,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,83 +100164878,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,83 +100164879,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,83 +100164883,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,30 +100164884,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,147.646 +100164885,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,150 +100164886,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +100164887,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,150 +100164888,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +100164889,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-150 +100164890,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +100164891,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +100164892,2893348,8,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +100429929,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +100429930,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +100429931,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,83 +100429932,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +100429933,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,93 +100429934,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,139 +100429935,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,125 +100429936,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,174 +100429937,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +100429938,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +100429939,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,149 +100429940,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +100429941,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,21 +100429942,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +100429943,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +100429944,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +100429945,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +100429946,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,106 +100429947,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +100429948,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +100429949,2735662,243,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +101258630,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +101258631,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +101258632,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +101258633,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,102 +101258634,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,87 +101258635,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,103 +101258636,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,145 +101258637,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,127 +101258638,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,142 +101258639,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,81 +101258640,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +101258641,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,109 +101258642,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +101258643,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +101258644,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +101258645,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,91 +101258646,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,81 +101258647,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +101258651,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +101258652,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,54.432 +101258653,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +101258654,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +101258655,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +101258656,2743241,4731,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +101268227,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +101268228,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +101268229,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,98 +101268230,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,98 +101268231,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,98 +101268232,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,145 +101268233,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,145 +101268234,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,145 +101268235,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,92 +101268236,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,92 +101268237,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,92 +101268238,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,25 +101268239,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,25 +101268240,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +101268241,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +101268242,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +101268243,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +101268247,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,74 +101268248,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/1,1,1 +101268249,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +101268250,2720598,19,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/1,1,1 +101875381,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +101875382,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +101875383,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,55 +101875384,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,55 +101875385,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,58 +101875386,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,106 +101875387,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +101875388,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,124 +101875389,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,47 +101875390,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,45 +101875391,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +101875392,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +101875393,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +101875394,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +101875395,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +101875396,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +101875397,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +101875398,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,96 +101875399,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +101875400,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +101875401,2857777,49,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +102185935,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +102185936,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +102185937,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +102185938,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,80 +102185939,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +102185940,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,154 +102185941,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,156 +102185942,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,154 +102185943,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,81 +102185944,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,71 +102185945,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,81 +102185946,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +102185947,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,23 +102185948,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +102185949,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +102185950,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,88 +102185951,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,93 +102185955,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,30 +102185956,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,153.7 +102185957,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +102185958,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +102185959,2833949,28,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +103502343,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +103502344,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +103502345,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,83 +103502346,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,83 +103502347,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,83 +103502348,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,128 +103502349,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,128 +103502350,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,125 +103502351,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,60 +103502352,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,60 +103502353,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +103502354,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +103502355,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +103502356,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,14 +103502357,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +103502358,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +103502359,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +103502363,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,67 +103502364,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +103502365,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +103502366,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +103502367,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +103502368,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +103502369,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +103502370,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +103502371,2747612,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +103504027,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +103504028,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +103504029,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,92 +103504030,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,92 +103504031,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,92 +103504032,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,82 +103504033,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,82 +103504034,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,82 +103504035,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,62 +103504036,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,62 +103504037,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,62 +103504038,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +103504039,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +103504040,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +103504041,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +103504042,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +103504043,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +103504047,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +103504048,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,5 +103504049,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,190.964 +103504050,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,12 +103504051,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1090 +103504052,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +103504053,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1090 +103504054,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +103504055,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1090 +103504056,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +103504057,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +103504058,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +103504059,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +103504060,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +103504061,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +103504062,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +103504063,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +103504064,2740390,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +103561942,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +103561943,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +103561944,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,93 +103561945,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,93 +103561946,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,93 +103561947,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +103561948,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,17 +103561949,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +103561950,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +103561951,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +103561952,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +103561956,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,76.7 +103561957,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +103561958,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,200 +103561959,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +103561960,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-200 +103561961,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +103561962,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +103561963,2886662,13,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +103910991,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +103910992,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +103910993,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,105 +103910994,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,103 +103910995,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,105 +103910996,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,147 +103910997,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,147 +103910998,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,148 +103910999,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,86 +103911000,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,86 +103911001,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,90 +103911002,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +103911003,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,18 +103911004,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +103911005,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +103911006,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +103911007,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +103911011,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,72.576 +103911012,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +103911013,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +103911014,2866326,39,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +103960541,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +103960542,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +103960546,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,80.2 +103960547,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,300 +103960548,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +103960549,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,300 +103960550,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +103960551,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-300 +103960552,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,97 +103960553,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,138 +103960554,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,67 +103960555,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +103960556,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +103960557,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +103960558,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/healthy appearing,healthy appearing,healthy appearing +103960559,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +103960560,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +103960561,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +103960562,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +103960563,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +103960564,2672664,16,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +104785750,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +104785751,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +104785752,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,97 +104785753,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,97 +104785754,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,97 +104785755,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,62 +104785756,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,62 +104785757,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,62 +104785758,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,126 +104785760,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +104785761,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +104785762,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +104785763,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +104785764,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +104785765,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +104785766,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +104785767,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +104785768,2743241,14,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +104967795,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +104967796,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +104967797,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,102 +104967798,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,101 +104967799,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,102 +104967800,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,102 +104967801,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,102 +104967802,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,102 +104967803,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,57 +104967804,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,57 +104967805,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,57 +104967806,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,25 +104967807,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,25 +104967808,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +104967809,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +104967810,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +104967811,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +104967812,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,85.3000 +104967813,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +104967814,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +104967815,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +104967816,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +104967817,2787456,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +106028973,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +106028974,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +106028975,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,58.2 +106028976,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +106028977,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +106028978,2694459,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +106077444,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CO/CO,CO,4.11 +106077427,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +106077428,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +106077429,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,62 +106077430,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,62 +106077431,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,62 +106077432,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,118 +106077433,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,107 +106077434,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,118 +106077435,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +106077436,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,48 +106077437,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +106077438,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,8 +106077439,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +106077440,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,10 +106077441,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +106077442,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,98 +106077443,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +106077448,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,88.8 +106077449,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +106077450,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +106077451,2687268,31,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +108081692,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +108081693,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +108081694,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,66 +108081695,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +108081696,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,71 +108081697,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,124 +108081698,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,124 +108081699,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +108081700,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,51 +108081701,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +108081702,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +108081703,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +108081704,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,16 +108081705,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +108081706,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +108081707,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +108081708,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +108081712,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,25 +108081713,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,114.8 +108081714,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +108081715,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +108081716,2999209,81,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +108492150,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +108492151,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +108492152,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,99 +108492153,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +108492154,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,106 +108492155,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,112 +108492156,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,94 +108492157,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +108492158,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,53 +108492159,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,45 +108492160,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,65 +108492161,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,27 +108492162,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +108492163,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +108492164,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +108492165,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +108492166,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +108492170,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111 +108492171,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,110.678 +108492172,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.32 +108492173,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +108492174,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,400 +108492175,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +108492176,3003035,1202,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-400 +108856124,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +108856125,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +108856126,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,87 +108856127,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +108856128,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,89 +108856129,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,105 +108856130,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +108856131,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,115 +108856132,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,47 +108856133,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,47 +108856134,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,59 +108856135,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +108856136,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,17 +108856137,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +108856138,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +108856139,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +108856140,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +108856144,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,111 +108856145,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,110.995 +108856146,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +108856147,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +108856148,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +108856149,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +108856150,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +108856151,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +108856152,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/3,3,3 +108856153,3003035,74,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +109543742,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +109543743,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +109543744,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +109543745,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,77 +109543746,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,67 +109543747,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +109543748,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,118 +109543749,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +109543750,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +109543751,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,53 +109543752,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,53 +109543753,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +109543754,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +109543755,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +109543756,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +109543757,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,93 +109543758,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,90 +109543759,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +109543763,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,78.9 +109543765,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +109543766,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +109543767,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +109543768,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +109543769,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +109543770,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +109543771,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +109543772,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +109543773,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +109543774,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +109543775,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +109543776,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +109543777,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +109543778,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +109543779,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Mouth/Pharynx/normal,normal,normal +109543780,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +109543781,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +109543782,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/no decreased breath sounds,no decreased breath sounds,no decreased breath sounds +109543783,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +109543784,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +109543785,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +109543786,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +109543787,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Click/no click,no click,no click +109543788,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Pericardial rub/absent,absent,absent +109543789,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +109543790,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S4/S4 absent,S4 absent,S4 absent +109543791,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S3/S3 absent,S3 absent,S3 absent +109543792,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +109543793,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +109543794,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +109543795,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +109543796,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +109543797,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +109543798,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +109543799,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +109543800,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +109543801,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +109543802,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +109543803,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +109543804,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +109543805,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +109543806,3069831,768,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +122259733,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +122259734,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +122259735,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,99 +122259736,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +122259737,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,120 +122259738,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,149 +122259739,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,114 +122259740,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,149 +122259741,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,127 +122259742,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,59 +122259743,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,127 +122259744,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +122259745,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,9 +122259746,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,29 +122259747,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +122259748,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +122259749,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +122259752,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,67 +122259753,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,70.3 +122259754,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+3.3 +122259755,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,2335 +122259756,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1980 +122259757,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2335 +122259758,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +122259759,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-355 +122259760,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/14,14,14 +122259761,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +122259762,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +122259763,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +122259764,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +122259765,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +122259766,3083539,2867,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +125004526,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +125004527,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +125004528,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +125004529,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +125004530,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,96 +125004531,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,80 +125004532,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,131 +125004533,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,157 +125004534,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +125004535,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,157 +125004536,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,104 +125004537,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,44 +125004538,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,104 +125004539,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +125004540,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +125004541,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,32 +125004542,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +125004543,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +125004544,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +125004548,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,61.7 +125004549,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,62.1 +125004550,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.4 +125004551,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,2510 +125004552,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1577 +125004553,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2510 +125004554,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +125004555,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-933 +125004556,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/12,12,12 +125004557,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +125004558,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +125004559,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +125004560,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +125004561,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +125004562,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/diffusely decreased breath sounds,diffusely decreased breath sounds,diffusely decreased breath sounds +125004563,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +125004564,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +125004565,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +125004566,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +125004567,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +125004568,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +125004569,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +125004570,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +125004571,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/1+,1+,1+ +125004572,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +125004573,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +125004574,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +125004575,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +125004576,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +125004577,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +125004578,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +125004579,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +125004580,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +125004581,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +125004582,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +125004583,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +125004584,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/absent,absent,absent +125004585,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +125004586,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +125004587,3090122,1578,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Spine/kyphotic,kyphotic,kyphotic +130799072,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +130799073,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,96 +130799074,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,94 +130799075,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,124 +130799076,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,124 +130799077,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +130799078,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,159 +130799079,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,69 +130799080,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +130799081,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,83 +130799082,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +130799083,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +130799084,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,37 +130799085,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +130799086,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +130799087,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +130799091,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,61.7 +130799092,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,62.1 +130799093,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.4 +130799094,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/9,9,9 +130799095,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +130799096,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +130799097,3090122,330,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/2,2,2 +132976256,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +132976257,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +132976258,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,68 +132976259,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,68 +132976260,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +132976261,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,117 +132976262,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +132976263,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +132976264,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,56 +132976265,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,53 +132976266,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,63 +132976267,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +132976268,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +132976269,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +132976270,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,90 +132976271,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,90 +132976272,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +132976276,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,78.9 +132976277,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +132976278,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +132976279,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +132976280,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +132976281,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +132976282,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +132976283,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +132976284,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +132976285,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +132976286,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +132976287,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +132976288,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +132976289,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +132976290,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +132976291,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +132976292,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Mouth/Pharynx/normal,normal,normal +132976293,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +132976294,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +132976295,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/no decreased breath sounds,no decreased breath sounds,no decreased breath sounds +132976296,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +132976297,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +132976298,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +132976299,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +132976300,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Click/no click,no click,no click +132976301,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Pericardial rub/absent,absent,absent +132976302,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +132976303,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S4/S4 absent,S4 absent,S4 absent +132976304,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S3/S3 absent,S3 absent,S3 absent +132976305,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +132976306,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +132976307,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +132976308,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +132976309,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +132976310,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +132976311,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +132976312,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +132976313,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +132976314,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +132976315,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +132976316,3069831,106,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +140179095,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +140179096,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +140179097,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,98 +140179098,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,95 +140179099,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,124 +140179100,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,105 +140179101,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,105 +140179102,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,159 +140179103,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,52 +140179104,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +140179105,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,83 +140179106,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,23 +140179107,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +140179108,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,37 +140179109,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +140179110,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +140179111,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +140179115,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,61.7 +140179116,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/4,4,4 +140179117,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/2,2,2 +140179118,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/2,2,2 +140179119,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/somnolent,somnolent,somnolent +140179120,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/agitated at times,agitated at times,agitated at times +140179121,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/not oriented,not oriented,not oriented +140179122,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/decreased strength,decreased strength,decreased strength +140179123,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +140179124,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +140179125,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +140179126,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +140179127,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +140179128,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +140179129,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +140179130,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/diffusely decreased breath sounds,diffusely decreased breath sounds,diffusely decreased breath sounds +140179131,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +140179132,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +140179133,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +140179134,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +140179135,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +140179136,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +140179137,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +140179138,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +140179139,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +140179140,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +140179141,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +140179142,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/1+,1+,1+ +140179143,3090122,225,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +143208143,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +143208144,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/regular,regular,regular +143208145,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/narrow complex,narrow complex,narrow complex +143208146,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +143208147,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +143208148,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +143208149,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +143208150,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,85 +143208151,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +143208152,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,125 +143208153,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,143 +143208154,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,111 +143208155,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,143 +143208156,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,68 +143208157,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,49 +143208158,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,68 +143208159,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,13 +143208160,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,9 +143208161,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,29 +143208162,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +143208163,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,89 +143208164,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +143208168,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,67 +143208169,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1175 +143208170,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,3225 +143208171,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1175 +143208172,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +143208173,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+2050 +143208174,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +143208175,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +143208176,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +143208177,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +143208178,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +143208179,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +143208180,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +143208181,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +143208182,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +143208183,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +143208184,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +143208185,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/normal,normal,normal +143208186,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +143208187,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +143208188,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +143208189,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +143208190,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +143208191,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +143208192,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +143208193,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +143208194,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +143208195,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +143208196,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/diffuse wheezing,diffuse wheezing,diffuse wheezing +143208197,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/prolonged exhalation/prolonged exhalation,prolonged exhalation,prolonged exhalation +143208198,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +143208199,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +143208200,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +143208201,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +143208202,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +143208203,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +143208204,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +143208205,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +143208206,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +143208207,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +143208208,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +143208209,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +143208210,3083539,2234,"notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Print ""within normal limits""/within normal limits",within normal limits, +143208211,3083539,2234,"notes/Progress Notes/Physical Exam/Physical Exam/Skin/Print ""within normal limits""/within normal limits",within normal limits, +143208212,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/scattered rhonchi,scattered rhonchi,scattered rhonchi +143208213,3083539,2234,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Spine/kyphotic,kyphotic,kyphotic +150395633,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +150395634,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +150395635,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,114 +150395636,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,111 +150395637,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,151 +150395638,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,133 +150395639,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,101 +150395640,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,203 +150395641,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,61 +150395642,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,62 +150395643,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,185 +150395644,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,34 +150395645,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,29 +150395646,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,38 +150395647,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +150395648,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +150395649,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +150395653,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,675 +150395654,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +150395655,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,675 +150395656,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +150395657,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-675 +150395658,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +150395659,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +150395660,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +150395661,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +150395662,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +150395663,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +150395664,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/regular,regular,regular +150395665,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/narrow complex,narrow complex,narrow complex +150395666,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +150395667,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +150395668,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +150395669,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +150395670,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +150395671,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +150395672,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +150395673,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +150395674,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +150395675,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/normal,normal,normal +150395676,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +150395677,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +150395678,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +150395679,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +150395680,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +150395681,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +150395682,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Tenderness/non-tender,non-tender,non-tender +150395683,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +150395684,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +150395685,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +150395686,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/prolonged exhalation/prolonged exhalation,prolonged exhalation,prolonged exhalation +150395687,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/diffuse rhonchi,diffuse rhonchi,diffuse rhonchi +150395688,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/diffuse wheezing,diffuse wheezing,diffuse wheezing +150395689,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +150395690,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +150395691,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +150395692,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +150395693,3083539,138,"notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Print ""within normal limits""/within normal limits",within normal limits, +150395694,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +150395695,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +150395696,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +150395697,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +150395698,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +150395699,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +150395700,3083539,138,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Joints/normal/normal,normal,normal +150395701,3083539,138,"notes/Progress Notes/Physical Exam/Physical Exam/Skin/Print ""within normal limits""/within normal limits",within normal limits, +152701889,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152342687,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152342688,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152342689,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,119 +152342690,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,114 +152342691,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,119 +152342692,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,91 +152342693,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,91 +152342694,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,110 +152342695,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,60 +152342696,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,60 +152342697,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +152342698,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +152342699,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +152342700,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,26 +152342701,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +152342702,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +152342703,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +152342707,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,72 +152342708,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,50 +152342709,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,600 +152342710,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,50 +152342711,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +152342712,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+550 +152342713,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/14,14,14 +152342714,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +152342715,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +152342716,3143195,109,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +152453752,3160468,441,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +152592302,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +152592303,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/injected,injected,injected +152592304,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +152592305,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152592306,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +152592307,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/with PACs,with PACs,with PACs +152592308,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,89 +152592309,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,88 +152592310,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,128 +152592311,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,109 +152592312,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,80 +152592313,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,146 +152592314,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,55 +152592315,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,36 +152592316,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +152592317,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,30 +152592318,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,26 +152592319,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,40 +152592320,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,83 +152592321,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,66 +152592322,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +152592323,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,171 +152592327,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,50 +152592328,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,2715 +152592329,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,15300 +152592330,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2820 +152592331,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +152592332,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+12480 +152592333,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/FFP,FFP,2 +152592334,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/pRBC's,pRBC's,1 +152592335,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +152592336,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +152592337,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/cachectic,cachectic,cachectic +152592338,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +152592339,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +152592340,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/comatose,comatose,comatose +152592341,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +152592342,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +152592343,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +152592344,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +152592345,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/diffuse rhonchi,diffuse rhonchi,diffuse rhonchi +152592346,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/bibasilar rales,bibasilar rales,bibasilar rales +152592347,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +152592348,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +152592349,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +152592350,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/absent,absent,absent +152592351,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +152592352,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +152592353,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +152592354,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/1+,1+,1+ +152592355,3153393,1481,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/anasarca,anasarca,anasarca +152679661,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152679662,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152679663,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +152679664,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,67 +152679665,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,71 +152679666,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,119 +152679667,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,119 +152679668,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,116 +152679669,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,54 +152679670,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,54 +152679671,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,58 +152679672,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +152679673,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +152679674,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +152679675,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +152679676,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +152679677,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +152679681,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,78.3 +152679682,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/11,11,11 +152679683,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +152679684,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +152679685,3159124,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +152701890,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152701891,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/icteric,icteric,icteric +152701892,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +152701893,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,106 +152701894,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,87 +152701895,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,107 +152701896,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,110 +152701897,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,87 +152701898,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,105 +152701899,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +152701900,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,56 +152701901,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,75 +152701902,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +152701903,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +152701904,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +152701905,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +152701906,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +152701907,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +152701910,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,62.3 +152701911,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,65.9 +152701912,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+3.6 +152701913,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,175 +152701914,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +152701915,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,175 +152701916,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +152701917,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-175 +152701918,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/normal,normal,normal +152701919,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +152701920,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +152701921,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +152701922,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +152701923,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +152701924,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +152701925,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +152701926,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +152701927,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +152701928,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +152701929,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +152701930,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +152701931,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +152701932,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +152701933,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +152701934,3157910,1264,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +152753706,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152753707,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152753708,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +152753709,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +152753710,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +152753711,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +152753712,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +152753713,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +152753714,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/normal,normal,normal +152753715,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +152753716,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +152753717,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/icteric,icteric,icteric +152753718,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +152753719,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +152753720,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +152753721,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +152753722,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +152753723,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +152753724,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +152753725,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +152753726,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +152753727,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +152753728,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +152753729,3157910,-7,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +152974722,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152974723,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152974724,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,80 +152974725,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +152974726,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,92 +152974727,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,106 +152974728,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,86 +152974729,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,138 +152974730,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,46 +152974731,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,41 +152974732,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,60 +152974733,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +152974734,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +152974735,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +152974736,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +152974737,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +152974738,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +152974739,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,1 +152974742,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,55 +152974743,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1370 +152974744,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +152974745,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1370 +152974746,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +152974747,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1370 +152974748,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +152974749,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +152974750,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +152974751,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +152974752,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +152974753,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +152974754,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +152974755,3152779,809,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +152989925,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +152989926,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,116 +152989927,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,116 +152989928,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,116 +152989929,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,110 +152989930,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,110 +152989931,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,110 +152989932,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,78 +152989933,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,78 +152989934,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +152989935,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +152989936,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,22 +152989937,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +152989938,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +152989939,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +152989940,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,95 +152989941,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,72 +152989942,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +152989943,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +152989944,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +152989945,3143195,4,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +153152393,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +153152394,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +153152396,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,63 +153152397,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,97 +153152398,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153152399,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +153152400,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +153152401,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153152402,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153152403,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153152404,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +153152405,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153152406,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153152407,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,835 +153152408,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153152409,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153152410,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +153152411,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,55 +153152412,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153152413,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153152414,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,11 +153152416,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153152417,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,42 +153152418,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +153152419,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153152420,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +153152421,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-835 +153152422,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153152423,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +153152424,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +153152425,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153152426,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,145 +153152427,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +153152428,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153152429,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,64 +153152430,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153152431,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,109 +153152432,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153152433,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153152434,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +153152435,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153152436,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,835 +153152437,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,119 +153152438,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +153152439,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +153152440,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +153152441,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +153152442,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153152443,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,108 +153152444,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +153152445,3153894,3890,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +153247320,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153247321,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +153247322,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,69 +153247323,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,60 +153247324,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +153247325,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,103 +153247326,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,103 +153247327,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,124 +153247328,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,57 +153247329,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,15 +153247330,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,101 +153247331,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +153247332,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +153247333,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +153247334,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +153247335,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +153247336,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153247340,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +153247341,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1925 +153247342,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153247343,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1925 +153247344,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153247345,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1925 +153247346,3153894,9645,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +153483083,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153483084,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153483085,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153483086,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +153483087,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153483088,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,75 +153483089,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,63 +153483090,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,89 +153483091,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,119 +153483092,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,93 +153483093,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,147 +153483094,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,60 +153483095,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,43 +153483096,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,65 +153483097,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +153483098,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,9 +153483099,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +153483100,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +153483101,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +153483102,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153483106,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +153483107,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1195 +153483108,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153483109,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1195 +153483110,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153483111,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1195 +153483112,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +153483113,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +153483114,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +153483115,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +153483116,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153483117,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +153483118,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +153483119,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153483120,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153483121,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153483122,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153483123,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +153483124,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +153483125,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +153483126,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153483127,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +153483128,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153483129,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153483130,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153483131,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +153483132,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +153483133,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153483134,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153483135,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +153483136,3153894,5093,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153509503,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,58 +153509504,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,142 +153509505,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153509506,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/5,5,5 +153509507,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +153509508,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,41 +153509510,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153509511,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +153509512,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153509513,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +153509514,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,56 +153509515,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153509516,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +153509517,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +153509518,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +153509519,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +153509520,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,104 +153509521,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,225 +153509522,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,65 +153509523,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153509524,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-225 +153509525,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,225 +153509527,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +153509528,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +153509529,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +153509530,3153894,259,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,41 +153662748,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153662749,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153662750,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153662751,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153662752,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,111 +153662753,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,70 +153662754,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,116 +153662755,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,114 +153662756,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,115 +153662757,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,124 +153662758,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,59 +153662759,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,41 +153662760,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,95 +153662761,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +153662762,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,10 +153662763,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +153662764,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +153662765,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,81 +153662766,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153662770,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +153662771,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,76.2 +153662772,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+9.3 +153662773,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,544 +153662774,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153662775,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,544 +153662776,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153662777,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-544 +153662778,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153662779,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +153662780,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153662781,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153662782,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153662783,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +153662784,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153662785,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153662786,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153662787,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +153662788,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153662789,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153662790,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153662791,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153662792,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153662793,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +153662794,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153662795,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153662796,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +153662797,3135511,6745,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153711913,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153711914,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +153711916,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +153711917,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +153711918,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153711919,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +153711920,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +153711921,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-735 +153711922,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153711923,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +153711924,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153711925,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,735 +153711926,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +153711927,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,58 +153711928,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153711929,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +153711930,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +153711931,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153711932,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,82 +153711933,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153711934,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,40 +153711935,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +153711936,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +153711937,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153711938,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +153711939,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153711940,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153711941,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,735 +153711942,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +153711943,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,18 +153711944,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +153711945,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +153711946,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,113 +153711947,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153711948,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153711949,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153711950,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,97 +153711951,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153711953,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153711954,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153711955,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +153711956,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,56 +153711957,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153711958,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153711959,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,103 +153711960,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +153711961,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,111 +153711962,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +153711963,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +153711964,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153711965,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +153711967,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,67 +153711968,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +153711969,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153711970,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +153711971,3153894,2253,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +153793629,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153793630,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153793631,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153793632,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153793633,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,109 +153793634,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,96 +153793635,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,129 +153793636,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,145 +153793637,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,133 +153793638,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +153793639,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,18 +153793640,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,19 +153793641,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,99 +153793642,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,18 +153793643,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +153793644,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +153793645,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +153793646,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +153793647,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153793651,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +153793652,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,67 +153793653,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.1 +153793654,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,815 +153793655,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153793656,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,815 +153793657,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153793658,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-815 +153793659,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153793660,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153793661,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153793662,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153793663,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +153793664,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153793665,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153793666,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153793667,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +153793668,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153793669,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153793670,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153793671,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153793672,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153793673,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +153793674,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153793675,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153793676,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +153793677,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153793678,3135511,2545,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +153828420,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153828421,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/R/dopplerable,dopplerable,dopplerable +153828422,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +153828423,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153828424,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +153828425,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153828426,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/L/dopplerable,dopplerable,dopplerable +153828427,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,83 +153828428,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,43 +153828429,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,118 +153828430,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,100 +153828431,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,96 +153828432,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,132 +153828433,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,48 +153828434,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,48 +153828435,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,62 +153828436,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +153828437,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,0 +153828438,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,27 +153828439,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +153828440,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,87 +153828441,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153828445,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,137 +153828446,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1119 +153828447,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153828448,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1119 +153828449,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153828450,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1119 +153828451,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/10,10,10 +153828452,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/R/dopplerable,dopplerable,dopplerable +153828453,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/L/dopplerable,dopplerable,dopplerable +153828454,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Drains/Tubes/Fistulas/NG tube,NG tube,NG tube +153828455,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +153828456,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +153828457,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +153828458,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +153828459,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +153828460,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/1,1,1 +153828461,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +153828462,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +153828463,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +153828464,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153828465,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153828466,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153828467,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153828468,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/No rhonchi,No rhonchi,No rhonchi +153828469,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153828470,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/diffusely decreased breath sounds,diffusely decreased breath sounds,diffusely decreased breath sounds +153828471,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +153828472,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153828473,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153828474,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153828475,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153828476,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +153828477,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153828478,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/3+,3+,3+ +153828479,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +153828480,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +153828481,3135611,1522,notes/Progress Notes/Physical Exam/Physical Exam/Skin/Lesions/lesions,lesions,lesions +153874458,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153874459,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153874460,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,56 +153874461,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,56 +153874462,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,66 +153874463,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,94 +153874464,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,80 +153874465,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,88 +153874466,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +153874467,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,40 +153874468,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,70 +153874469,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,26 +153874470,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,24 +153874471,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +153874472,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,91 +153874473,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +153874474,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,94 +153874478,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,137 +153874479,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +153874480,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +153874481,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/R/dopplerable,dopplerable,dopplerable +153874482,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/L/dopplerable,dopplerable,dopplerable +153874483,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153874484,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/L/absent,absent,absent +153874485,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/R/absent,absent,absent +153874486,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +153874487,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +153874488,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +153874489,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +153874490,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/3,3,3 +153874491,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +153874492,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/somnolent,somnolent,somnolent +153874493,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +153874494,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/decreased strength,decreased strength,decreased strength +153874495,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153874496,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153874497,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153874498,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/No rhonchi,No rhonchi,No rhonchi +153874499,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153874500,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/diffuse wheezing,diffuse wheezing,diffuse wheezing +153874501,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/diffusely decreased breath sounds,diffusely decreased breath sounds,diffusely decreased breath sounds +153874502,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153874503,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153874504,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153874505,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153874506,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153874507,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +153874508,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153874509,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/3+,3+,3+ +153874510,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +153874511,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +153874512,3135611,234,notes/Progress Notes/Physical Exam/Physical Exam/Skin/Lesions/lesions,lesions,lesions +153976455,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153976456,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153976457,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,108 +153976458,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,73 +153976459,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,122 +153976460,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,107 +153976461,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,75 +153976462,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,104 +153976463,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +153976464,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,52 +153976465,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,87 +153976466,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,17 +153976467,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +153976468,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +153976469,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +153976470,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,63 +153976471,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153976475,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +153976476,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,66.5 +153976477,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,-0.4 +153976478,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,165 +153976479,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153976480,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,165 +153976481,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153976482,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-165 +153976483,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +153976484,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +153976485,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +153976486,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153976487,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +153976488,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153976489,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153976490,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153976491,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153976492,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153976493,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153976494,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +153976495,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153976496,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153976497,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +153976498,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153976499,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153976500,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153976501,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153976502,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153976503,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +153976504,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153976505,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153976506,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +153976507,3135511,899,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153977421,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +153977422,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +153977423,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +153977424,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +153977425,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,103 +153977426,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,80 +153977427,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,116 +153977428,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,122 +153977429,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,92 +153977430,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,125 +153977431,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,84 +153977432,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,57 +153977433,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,90 +153977434,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +153977435,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,10 +153977436,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +153977437,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +153977438,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,81 +153977439,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +153977443,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +153977444,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,4188 +153977445,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +153977446,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,4188 +153977447,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +153977448,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-4188 +153977449,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +153977450,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +153977451,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +153977452,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +153977453,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +153977454,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +153977455,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +153977456,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +153977457,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +153977458,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +153977459,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +153977460,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +153977461,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +153977462,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +153977463,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +153977464,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +153977465,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +153977466,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +153977467,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +153977468,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +153977469,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +153977470,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +153977471,3135511,7905,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +154043854,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154043855,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,111 +154043856,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,89 +154043857,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,116 +154043858,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,92 +154043859,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,84 +154043860,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,109 +154043861,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,38 +154043862,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,32 +154043863,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,38 +154043864,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,32 +154043865,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,23 +154043866,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,32 +154043867,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,92 +154043868,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +154043869,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154043870,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,50 +154043871,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +154043872,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/with PACs,with PACs,with PACs +154043873,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +154043874,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +154043875,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/cachectic,cachectic,cachectic +154043876,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/in acute distress,in acute distress,in acute distress +154043877,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,5000 +154043878,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,15 +154043879,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +154043880,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/comatose,comatose,comatose +154043881,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154043882,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154043883,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +154043884,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/injected,injected,injected +154043885,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +154043886,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +154043887,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +154043888,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154043889,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154043890,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +154043891,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154043892,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/absent,absent,absent +154043893,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154043894,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +154043895,3153393,270,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154085303,3160468,696,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +154140554,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154140555,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +154140556,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154140557,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154140558,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,85 +154140559,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,59 +154140560,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,115 +154140561,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,104 +154140562,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,129 +154140563,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,127 +154140564,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,69 +154140565,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,22 +154140566,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,110 +154140567,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +154140568,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,9 +154140569,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +154140570,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +154140571,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +154140572,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +154140576,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +154140577,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,76.2 +154140578,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+9.3 +154140579,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,753 +154140580,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154140581,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,753 +154140582,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154140583,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-753 +154140584,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +154140585,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +154140586,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +154140587,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +154140588,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +154140589,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +154140590,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154140591,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154140592,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +154140593,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +154140594,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +154140595,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +154140596,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154140597,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154140598,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +154140599,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +154140600,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154140601,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +154140602,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +154140603,3135511,5355,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154178048,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154178049,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +154178050,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +154178051,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,64 +154178052,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,80 +154178053,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,126 +154178054,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,98 +154178055,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,141 +154178056,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,37 +154178057,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,33 +154178058,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,112 +154178059,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +154178060,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +154178061,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +154178062,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,98 +154178063,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,92 +154178064,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154178067,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +154178068,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1250 +154178069,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154178070,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1250 +154178071,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154178072,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1250 +154178073,3153894,8187,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +154347913,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,55 +154347914,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154347915,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/paced,paced,paced +154347916,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +154347917,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/critically ill-appearing,critically ill-appearing,critically ill-appearing +154347918,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +154347919,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +154347920,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +154347921,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +154347922,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +154347923,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/unable to assess orientation,unable to assess orientation,unable to assess orientation +154347924,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154347925,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154347926,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +154347927,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +154347928,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +154347929,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +154347930,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154347931,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154347932,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/R/dopplerable,dopplerable,dopplerable +154347933,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/L/dopplerable,dopplerable,dopplerable +154347934,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/L/dopplerable,dopplerable,dopplerable +154347935,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/R/dopplerable,dopplerable,dopplerable +154347936,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Drains and Tubes/mediastinal tube(s),mediastinal tube(s),mediastinal tube(s) +154347937,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Drains and Tubes/chest tube(s) - L,chest tube(s) - L,chest tube(s) - L +154347938,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Drains and Tubes/pacing wires,pacing wires,pacing wires +154347939,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Chest and Back/Wound/margins clean,margins clean,margins clean +154347940,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Drains/Tubes/Fistulas/NG tube,NG tube,NG tube +154347941,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +154347942,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154347943,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154347944,3152779,-318,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +154443692,3160468,3287,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +154733144,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154733145,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +154733146,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154733147,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154733148,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +154733149,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,67 +154733150,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,60 +154733151,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,81 +154733152,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,99 +154733153,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,96 +154733154,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,108 +154733155,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,41 +154733156,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,39 +154733157,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,89 +154733158,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +154733159,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +154733160,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,19 +154733161,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +154733162,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +154733163,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154733166,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +154733167,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,445 +154733168,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154733169,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,445 +154733170,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154733171,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-445 +154733172,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +154733173,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +154733174,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +154733175,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Acuity/not in acute distress,not in acute distress,not in acute distress +154733176,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +154733177,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +154733178,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +154733179,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +154733180,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +154733181,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154733182,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154733183,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Ears/normal/normal,normal,normal +154733184,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Ears/Nose/Mouth/Throat/Nose/normal/normal,normal,normal +154733185,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +154733186,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +154733187,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +154733188,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +154733189,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154733190,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154733191,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/normal,normal,normal +154733192,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +154733193,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154733194,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +154733195,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +154733196,3153894,6655,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154742992,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154742993,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/L/dopplerable,dopplerable,dopplerable +154742994,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/R/dopplerable,dopplerable,dopplerable +154742995,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +154742996,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154742997,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +154742998,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154742999,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/L/dopplerable,dopplerable,dopplerable +154743000,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/R/dopplerable,dopplerable,dopplerable +154743001,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,77 +154743002,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,77 +154743003,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,121 +154743004,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,173 +154743005,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +154743006,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,186 +154743007,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,70 +154743008,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,48 +154743009,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,76 +154743010,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,12 +154743011,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +154743012,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,23 +154743013,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +154743014,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,85 +154743015,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154743019,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,137 +154743020,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1260 +154743021,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154743022,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1260 +154743023,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154743024,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1260 +154743026,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +154743027,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +154743028,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +154743029,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +154743030,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +154743031,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +154743032,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +154743033,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +154743034,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +154743035,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +154743036,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +154743037,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154743038,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154743039,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/No rhonchi,No rhonchi,No rhonchi +154743040,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +154743041,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/diffuse wheezing,diffuse wheezing,diffuse wheezing +154743042,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/diffusely decreased breath sounds,diffusely decreased breath sounds,diffusely decreased breath sounds +154743043,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +154743044,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +154743045,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +154743046,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154743047,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154743048,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +154743049,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +154743050,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154743051,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/3+,3+,3+ +154743052,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +154743053,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +154743054,3135611,3090,notes/Progress Notes/Physical Exam/Physical Exam/Skin/Lesions/lesions,lesions,lesions +154749253,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/L/dopplerable,dopplerable,dopplerable +154749246,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154749247,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/L/dopplerable,dopplerable,dopplerable +154749248,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Post. Tibial/R/dopplerable,dopplerable,dopplerable +154749249,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/dysrhythmia/irregular,irregular,irregular +154749250,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154749251,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Description/labored,labored,labored +154749252,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154749254,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Dorsalis pedis/R/dopplerable,dopplerable,dopplerable +154749255,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,77 +154749256,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,58 +154749257,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,96 +154749258,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,156 +154749259,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,119 +154749260,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,142 +154749261,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,70 +154749262,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,48 +154749263,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,117 +154749264,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +154749265,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +154749266,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,30 +154749267,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +154749268,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,84 +154749269,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154749272,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,137 +154749273,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,5550 +154749274,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154749275,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,5550 +154749276,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154749277,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-5550 +154749278,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/Location/Anterior Lung Field(s)/Right/mid,mid,mid +154749279,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/Location/Anterior Lung Field(s)/Left/mid,mid,mid +154749280,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/Location/Anterior Lung Field(s)/Right/lower,lower,lower +154749281,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/Location/Anterior Lung Field(s)/Left/lower,lower,lower +154749282,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/spontaneous,spontaneous,spontaneous +154749283,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +154749284,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/obese,obese,obese +154749285,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +154749286,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/oriented x3,oriented x3,oriented x3 +154749287,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Affect/calm/appropriate,calm/appropriate,calm/appropriate +154749288,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +154749289,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +154749290,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154749291,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154749292,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rhonchi/No rhonchi,No rhonchi,No rhonchi +154749293,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +154749294,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/focal wheezing,focal wheezing,focal wheezing +154749295,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Decreased Breath Sounds/focally decreased breath sounds,focally decreased breath sounds,focally decreased breath sounds +154749296,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +154749297,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Pulses/Normal/normal,normal,normal +154749298,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +154749299,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154749300,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154749301,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +154749302,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/no pain on palpation,no pain on palpation,no pain on palpation +154749303,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154749304,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/Severity/1+,1+,1+ +154749305,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/bilateral LE edema,bilateral LE edema,bilateral LE edema +154749306,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Hardware/none,none,none +154749307,3135611,4470,notes/Progress Notes/Physical Exam/Physical Exam/Skin/Lesions/lesions,lesions,lesions +154830926,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +154830927,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154830928,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/icteric,icteric,icteric +154830929,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154830930,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,93 +154830931,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,86 +154830932,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,120 +154830933,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,92 +154830934,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,92 +154830935,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,120 +154830936,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,63 +154830937,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,51 +154830938,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +154830939,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +154830940,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +154830941,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,24 +154830942,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,97 +154830943,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +154830944,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +154830945,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,331 +154830949,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,62.3 +154830950,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,66 +154830951,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+3.7 +154830952,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,400 +154830953,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154830954,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,400 +154830955,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154830956,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-400 +154830957,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Reflexes/normal,normal,normal +154830958,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Sensation/normal,normal,normal +154830959,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +154830960,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +154830961,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +154830962,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +154830963,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +154830964,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Percussion/clear to percussion,clear to percussion,clear to percussion +154830965,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +154830966,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154830967,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154830968,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Palpation/PMI/normal,normal,normal +154830969,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +154830970,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +154830971,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +154830972,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/adequate,adequate,adequate +154830973,3157910,2643,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154906894,3160468,1852,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Not Performed,Not Performed,Not Performed +154941934,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +154941935,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,56 +154941936,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +154941938,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,61 +154941939,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,41 +154941940,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,100 +154941941,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,993 +154941942,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,51 +154941943,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Health Status/ill-appearing,ill-appearing,ill-appearing +154941945,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Mode/ventilated,ventilated,ventilated +154941946,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +154941947,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/clear to auscultation/clear to auscultation,clear to auscultation,clear to auscultation +154941948,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-993 +154941949,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,15 +154941950,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +154941951,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +154941952,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/sedated,sedated,sedated +154941954,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,143 +154941955,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/intubated,intubated,intubated +154941956,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +154941957,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,104 +154941958,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +154941959,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +154941960,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR Rhythm/sinus,sinus,sinus +154941961,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +154941962,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,15 +154941963,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,134 +154941964,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +154941965,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Perfusion/extremities cool,extremities cool,extremities cool +154941966,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Appearance/Nutritional Status/well developed,well developed,well developed +154941967,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,70 +154941968,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,84 +154941969,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +154941970,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,993 +154941971,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +154941972,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,17 +154941973,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,56 +154941974,3153894,916,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,56 +155080660,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +155080661,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Conjunctivae/non-icteric,non-icteric,non-icteric +155080662,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/Drains and Tubes/foley catheter,foley catheter,foley catheter +155080663,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +155080664,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,68 +155080665,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,64 +155080666,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,123 +155080667,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,106 +155080668,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,88 +155080669,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,122 +155080670,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,64 +155080671,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +155080672,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,98 +155080673,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,11 +155080674,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,8 +155080675,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +155080676,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +155080677,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +155080678,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +155080681,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,66.9 +155080682,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,70.2 +155080683,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+3.3 +155080684,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,390 +155080685,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +155080686,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,390 +155080687,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +155080688,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-390 +155080689,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Level of Consciousness/normal LOC,normal LOC,normal LOC +155080690,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Mental Status/Orientation/partially oriented,partially oriented,partially oriented +155080691,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Motor/normal,normal,normal +155080692,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/Cranial Nerves/normal,normal,normal +155080693,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/Mobility/normal mobility,normal mobility,normal mobility +155080694,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Neck/JVD/JVD absent,JVD absent,JVD absent +155080695,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(symmetry)/equal,equal,equal +155080696,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Head and Neck/Eyes/Pupils/(reaction)/react to light,react to light,react to light +155080697,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Rales/no rales,no rales,no rales +155080698,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Auscultation/Wheezes/no wheezing,no wheezing,no wheezing +155080699,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Pulmonary/Airway/not intubated,not intubated,not intubated +155080700,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Murmurs/no murmurs/no murmurs,no murmurs,no murmurs +155080701,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S2/S2 normal,S2 normal,S2 normal +155080702,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Cardiovascular/Auscultation/Heart Sounds/S1/S1 normal,S1 normal,S1 normal +155080703,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Bowel Sounds/decreased,decreased,decreased +155080704,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Pain on Palpation/moderate pain on palpation,moderate pain on palpation,moderate pain on palpation +155080705,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Masses/no masses,no masses,no masses +155080706,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Gastrointestinal/Palpation/Organomegaly/no organomegaly,no organomegaly,no organomegaly +155080707,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Genitourinary/External Genitalia/normal/normal,normal,normal +155080708,3135511,4194,notes/Progress Notes/Physical Exam/Physical Exam/Extremities/Edema/no edema,no edema,no edema +155757901,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +155757902,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +155757905,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,96 +155757906,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +155757907,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +155757908,3193216,2,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +157183022,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +157183023,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +157183024,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,64 +157183025,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,61 +157183026,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,66 +157183027,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,177 +157183028,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,177 +157183029,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,199 +157183030,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,66 +157183031,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +157183032,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,79 +157183033,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +157183034,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +157183035,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,16 +157183036,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +157183037,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,95 +157183038,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +157183042,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,21 +157183043,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,79.3786 +157183044,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +157183045,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +157183046,3244585,98,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/4,4,4 +157330227,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +157330228,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +157330229,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,106 +157330230,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,106 +157330231,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,106 +157330232,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,139 +157330233,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,139 +157330234,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,139 +157330235,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,93 +157330236,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,93 +157330237,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,93 +157330238,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,21 +157330239,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,21 +157330240,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,21 +157330241,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +157330242,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +157330243,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +157330244,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Vent Rate/Vent Rate Current,Vent Rate Current,10 +157330245,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,49.9 +157330247,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +157330248,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +157330249,3211257,17,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +158106140,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +158106141,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,86 +158106142,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,81 +158106143,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,86 +158106144,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,136 +158106145,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,112 +158106146,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,136 +158106147,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,55 +158106148,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,43 +158106149,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,55 +158106150,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,20 +158106151,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,20 +158106152,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,20 +158106153,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +158106154,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,99 +158106155,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,99 +158106156,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,100.6975 +158106160,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +158106161,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +158106162,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/15,15,15 +158106163,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +158106164,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +158106165,3246790,12,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +160730261,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,5607 +160730235,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,75 +160730236,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,75 +160730237,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,111 +160730238,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,112 +160730239,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,100 +160730240,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,188 +160730241,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,61 +160730242,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,48 +160730243,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +160730244,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +160730245,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,14 +160730246,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,37 +160730247,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,100 +160730248,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,91 +160730249,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +160730250,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,312 +160730254,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,40 +160730255,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,12 +160730256,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,127 +160730257,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,114 +160730258,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Platelets,Platelets,193 +160730259,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,4595 +160730260,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,4362 +160730262,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +160730263,3352230,2407,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1245 +160782250,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +160782251,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +160782252,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,159 +160782253,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,159 +160782254,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,159 +160782255,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,79 +160782256,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,79 +160782257,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +160782261,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,49.4 +160782262,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,49.442 +160782263,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+0.04 +160782264,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,5 +160782265,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +160782266,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +160782267,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+5 +160782268,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +160782269,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +160782270,3348292,25,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +161069571,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,84 +161069572,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +161069573,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,91 +161069574,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,174 +161069575,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +161069576,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,148 +161069577,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,65 +161069578,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,46 +161069579,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,75 +161069580,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,14 +161069581,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +161069582,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +161069583,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +161069584,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,83 +161069585,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +161069586,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,17 +161069590,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,60 +161069591,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,12 +161069592,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,127 +161069593,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,146.5 +161069594,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,720 +161069595,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,10685 +161069596,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,2530 +161069597,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +161069598,3352230,1047,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+8155 +161373619,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +161373622,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,100 +161373623,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,10 +161373624,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,53 +161373625,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,76 +161373626,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,132 +161373627,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,146 +161373628,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,61 +161373629,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,78 +161373630,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,13 +161373631,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +161373632,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,93 +161373633,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,98 +161373634,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,127 +161373635,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,135.2 +161373636,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+8.2 +161373637,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,400 +161373638,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,1268 +161373639,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,400 +161373640,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +161373641,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,+868 +161373642,3352230,35,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/unable to score due to meds,unable to score due to meds,unable to score due to meds +161559190,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +161559191,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,101 +161559192,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,65 +161559193,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,101 +161559194,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Current,BP (systolic) Current,183 +161559195,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,106 +161559196,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,183 +161559197,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Current,BP (diastolic) Current,69 +161559198,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,46 +161559199,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,69 +161559200,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,16 +161559201,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,12 +161559202,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,25 +161559203,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,99 +161559204,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,83 +161559205,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,100 +161559206,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Hemodynamic Data/CVP/CVP,CVP,15 +161559210,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/FiO2%/FiO2%,FiO2%,60 +161559211,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/PEEP/PEEP,PEEP,12 +161559212,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,127 +161559213,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,146.5 +161559214,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+19.5 +161559215,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Platelets,Platelets,193 +161559216,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,3385 +161559217,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,2986 +161559218,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,4297 +161559219,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +161559220,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1311 +161559221,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/estimated due to meds,estimated due to meds,estimated due to meds +161559222,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +161559223,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +161559224,3352230,1273,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +161669213,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +161669214,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +161669215,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,89 +161669216,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,89 +161669217,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,109 +161669218,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,19 +161669219,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,19 +161669220,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,28 +161669221,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,95 +161669222,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,94 +161669223,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,97 +161669226,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Lowest,BP (systolic) Lowest,166 +161669227,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (systolic)/BP (systolic) Highest,BP (systolic) Highest,168 +161669228,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Lowest,BP (diastolic) Lowest,72 +161669229,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/BP (diastolic)/BP (diastolic) Highest,BP (diastolic) Highest,76 +161669230,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,49.44 +161669231,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,61.7 +161669232,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,+12.26 +161669233,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Urine,Urine,1275 +161669234,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +161669235,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,1315 +161669236,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +161669237,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,-1315 +161669238,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +161669239,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 +161669240,3348293,32,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +161791849,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Score/scored,scored,scored +161791850,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam Obtain Options/Performed - Structured,Performed - Structured,Performed - Structured +161791851,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Current,HR Current,71 +161791852,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Lowest,HR Lowest,71 +161791853,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/HR/HR Highest,HR Highest,71 +161791854,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Current,Resp Current,22 +161791855,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Lowest,Resp Lowest,22 +161791856,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/Resp Rate/Resp Highest,Resp Highest,22 +161791857,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Current,O2 Sat% Current,96 +161791858,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Lowest,O2 Sat% Lowest,96 +161791859,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Vital Sign and Physiological Data/O2 Sat%/O2 Sat% Highest,O2 Sat% Highest,96 +161791860,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Admission,Admission,127 +161791861,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Current,Current,127 +161791862,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/Weight (kg)/Delta,Delta,0 +161791863,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Intake Total,Intake Total,0 +161791864,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Output Total,Output Total,0 +161791865,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Dialysis Net,Dialysis Net,0 +161791866,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Constitutional/Weight and I&O/I&&O (ml)/Total Net,Total Net,0 +161791867,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Motor Score/6,6,6 +161791868,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Eyes Score/4,4,4 +161791869,3352231,5,notes/Progress Notes/Physical Exam/Physical Exam/Neurologic/GCS/Verbal Score/5,5,5 diff --git a/test-resources/core/eicudemo/treatment.csv b/test-resources/core/eicudemo/treatment.csv new file mode 100644 index 000000000..2cc754320 --- /dev/null +++ b/test-resources/core/eicudemo/treatment.csv @@ -0,0 +1,2360 @@ +treatmentid,patientunitstayid,treatmentoffset,treatmentstring,activeupondischarge +10251757,257802,776,surgery|analgesics /sedatives/ nmbs|analgesics|bolus parenteral analgesics,True +9075997,257802,776,neurologic|therapy for controlling cerebral perfusion pressure|antihypertensive drug|nicardipine,True +8103649,257802,150,surgery|analgesics /sedatives/ nmbs|analgesics|bolus parenteral analgesics,False +10022478,257802,773,surgery|infection|therapeutic antibacterials|first generation cephalosporin|cefazolin,False +8803982,257802,150,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,False +8097482,257802,150,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +10059463,257802,776,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +9056400,257802,150,surgery|intravenous fluids / electrolytes|Lactated Ringer's administration,False +10306766,257802,773,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,False +8606838,257802,776,surgery|intravenous fluids / electrolytes|normal saline administration,True +10257655,257802,773,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +8788570,257802,150,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,False +10143616,257802,776,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,True +9690136,257802,150,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +10320871,257802,773,surgery|intravenous fluids / electrolytes|normal saline administration,False +9495789,257802,776,surgery|infection|therapeutic antibacterials|first generation cephalosporin|cefazolin,True +10062651,257802,776,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +9103308,257802,150,neurologic|ICH/ cerebral infarct|antihypertensives|hydralazine,False +8616890,257802,776,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +9487601,257802,150,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +9394215,257802,773,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +10110335,257802,150,surgery|immunosuppressives|glucocorticoid administration|parenteral,False +8776930,257802,773,gastrointestinal|medications|stress ulcer prophylaxis|antacids,False +9748878,257802,150,gastrointestinal|medications|stress ulcer prophylaxis|antacids,False +9087766,257802,776,surgery|immunosuppressives|glucocorticoid administration|parenteral,True +10299164,257802,150,surgery|infection|therapeutic antibacterials|first generation cephalosporin|cefazolin,False +8544933,257802,773,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,False +9830371,257802,150,surgery|intravenous fluids / electrolytes|normal saline administration,False +9897454,257802,776,gastrointestinal|medications|stress ulcer prophylaxis|antacids,True +10229029,257802,150,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +8298346,257802,773,surgery|immunosuppressives|glucocorticoid administration|parenteral,False +10351156,257802,150,neurologic|ICH/ cerebral infarct|antihypertensives|labetalol,False +9617372,257802,773,surgery|intravenous fluids / electrolytes|Lactated Ringer's administration,False +8347277,257802,773,cardiovascular|hypertension|vasodilating agent - IV|nicardipine,False +9942214,257802,776,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,True +8365726,257802,773,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +9675528,257802,773,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +8319107,257802,776,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +9671304,257802,776,surgery|intravenous fluids / electrolytes|Lactated Ringer's administration,True +8326981,257802,773,surgery|analgesics /sedatives/ nmbs|analgesics|bolus parenteral analgesics,False +9066845,263285,128,renal|medications|bicarbonate,True +9837614,263285,128,endocrine|intravenous fluid administration|normal saline administration,True +9401962,263285,128,endocrine|glucose metabolism|insulin|continuous infusion,True +10372653,263285,128,endocrine|glucose metabolism|insulin|sliding scale administration,True +10317208,281132,2220,infectious diseases|cultures / immuno-assays|cultures|blood,True +8883971,281132,1316,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +10292244,281132,1316,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +8817186,281132,91,infectious diseases|cultures / immuno-assays|cultures|urine,False +10205399,281132,2220,infectious diseases|cultures / immuno-assays|cultures|sputum,True +8961948,281132,1316,infectious diseases|cultures / immuno-assays|cultures|blood,False +9116999,281132,91,infectious diseases|cultures / immuno-assays|cultures|sputum,False +8428834,281132,1316,infectious diseases|cultures / immuno-assays|cultures|urine,False +8161560,281132,91,infectious diseases|cultures / immuno-assays|cultures|blood,False +9455389,281132,91,cardiovascular|arrhythmias|anticoagulant administration|coumadin,False +9562499,281132,2220,cardiovascular|arrhythmias|digoxin,True +9769201,281132,91,pulmonary|medications|antibacterials|third generation cephalosporin|ceftriaxone,False +9557413,281132,1316,pulmonary|medications|antibacterials|macrolide|azithromycin,False +10238304,281132,91,pulmonary|medications|antibacterials|macrolide|azithromycin,False +8210662,281132,91,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +10315919,281132,91,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +9733284,281132,2220,cardiovascular|arrhythmias|anticoagulant administration|coumadin,True +10300410,281132,91,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +8146921,281132,1316,cardiovascular|arrhythmias|anticoagulant administration|coumadin,False +8384741,281132,91,cardiovascular|arrhythmias|digoxin,False +9240706,281132,2220,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,True +9274865,281132,1316,infectious diseases|cultures / immuno-assays|cultures|sputum,False +10043434,281132,2220,infectious diseases|cultures / immuno-assays|cultures|urine,True +8291218,281132,1316,cardiovascular|arrhythmias|digoxin,False +9433176,281132,2220,pulmonary|medications|antibacterials|third generation cephalosporin|ceftriaxone,True +8005067,281132,1316,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +10031623,281132,2220,cardiovascular|arrhythmias|antiarrhythmics|class I antiarrhythmic|propafenone,True +8041029,281132,1316,pulmonary|medications|antibacterials|third generation cephalosporin|ceftriaxone,False +8561019,281132,2220,cardiovascular|hypertension|ACE inhibitor|benazepril,True +8262876,281132,2220,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +8346733,281132,2220,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +8233479,281132,2220,pulmonary|medications|antibacterials|macrolide,True +8093803,284517,201,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +8024751,284517,411,renal|intravenous fluid|normal saline administration,True +9050309,284517,201,pulmonary|medications|bronchodilator|beta-agonist,False +8208686,284517,201,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|methylprednisolone,False +8423738,284517,411,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +9785421,284517,201,pulmonary|medications|bronchodilator|nebulized,False +8336292,284517,201,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),False +8009009,284517,411,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +8903806,284517,201,neurologic|procedures / diagnostics|head CT scan,False +8235291,284517,201,pulmonary|ventilation and oxygenation|mechanical ventilation,False +8897569,284517,411,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,True +9990504,284517,201,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +8350289,284517,201,renal|intravenous fluid|normal saline administration,False +8019582,284517,411,pulmonary|medications|bronchodilator|nebulized,True +8893043,284517,201,gastrointestinal|medications|stress ulcer prophylaxis,False +8297839,284517,411,gastrointestinal|medications|stress ulcer prophylaxis,True +9818773,284517,201,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +9104163,284517,411,pulmonary|ventilation and oxygenation|mechanical ventilation,True +8828924,284517,201,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +8526889,284517,411,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +10070036,284517,201,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +9818821,284517,411,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|methylprednisolone,True +8785155,284517,201,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +8524960,284517,411,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +9293901,284517,411,pulmonary|medications|bronchodilator|beta-agonist,True +9600294,284517,411,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,True +9897661,284517,411,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +10408964,284517,411,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),True +10071283,284517,411,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +10078294,284517,411,neurologic|procedures / diagnostics|head CT scan,True +16813592,313055,32,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,True +15252667,313055,32,cardiovascular|non-operative procedures|cardiac angiography|left heart,True +16852306,313055,32,cardiovascular|myocardial ischemia / infarction|analgesics|bolus parenteral analgesics,True +16206141,313055,32,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,True +18453120,313055,32,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,True +11027637,313055,32,cardiovascular|non-operative procedures|cardiac angiography|right heart,True +13313029,313055,32,cardiovascular|myocardial ischemia / infarction|analgesics|narcotic analgesic,True +10514320,313055,32,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +16674400,313055,32,cardiovascular|myocardial ischemia / infarction|nitroglycerin,True +11285328,313055,32,cardiovascular|hypertension|sedative agent|lorazepam,True +16617457,313055,32,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aggregation inhibitors,True +11519755,313055,32,cardiovascular|non-operative procedures|cardiac angiography|with stent placement|drug-eluting,True +11621247,314184,1032,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +15460970,314184,1032,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|25-30%,True +18536124,342377,127,pulmonary|medications|nicotine patch,True +16530969,342377,127,gastrointestinal|nutrition|enteral feeds|oral feeds,True +13519100,342377,127,pulmonary|vascular disorders|VTE prophylaxis|compression stockings,True +10947461,342377,127,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +13864273,342377,127,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +15871644,342377,127,infectious diseases|consultations|Infectious Disease consultation,True +14533364,342377,127,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +11016774,342377,127,pulmonary|medications|bronchodilator|combination beta-agonist/anticholinergic,True +13971356,342377,127,gastrointestinal|consultations|Surgery consultation,True +17717926,342377,127,pulmonary|consultations|Pulmonary/CCM consultation,True +13254139,342377,127,endocrine|glucose metabolism|insulin,True +16394878,342377,127,gastrointestinal|nutrition|feeding tube|jejunal,True +17272128,342377,127,gastrointestinal|nutrition|enteral feeds|tube feeding,True +17468035,342377,127,gastrointestinal|consultations|Gastroenterology consultation,True +17260157,356949,75,endocrine|glucose metabolism|insulin|sliding scale administration,True +16902468,356949,75,endocrine|intravenous fluid administration|normal saline administration,True +12622390,356949,75,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +13793469,356949,75,gastrointestinal|nutrition|enteral feeds|oral feeds,True +12250686,356949,75,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,True +13538369,356949,75,endocrine|glucose metabolism|insulin|continuous infusion,True +18535312,361404,71,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +16287115,361404,71,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +17868023,361404,282,surgery|tubes and catheters|foley catheter,False +12162971,361404,282,neurologic|pain / agitation / altered mentation|sedative agent|diazepam,False +13682909,361404,282,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +14150566,361404,71,gastrointestinal|nutrition|enteral feeds|oral feeds,False +11420615,361404,2026,neurologic|pain / agitation / altered mentation|sedative agent|diazepam,True +17061703,361404,282,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +13921757,361404,71,surgery|tubes and catheters|foley catheter,False +12550921,361404,282,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|coumadin,False +16575472,361404,87,pulmonary|medications|bronchodilator,False +17325586,361404,71,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +12097065,361404,2026,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +15430887,361404,282,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +14523087,361404,87,surgery|tubes and catheters|foley catheter,False +11394526,361404,282,gastrointestinal|nutrition|enteral feeds|oral feeds,False +15870244,361404,87,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +12788033,361404,87,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +11506458,361404,2026,surgery|tubes and catheters|foley catheter,True +12528155,361404,87,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +12279939,361404,282,pulmonary|medications|bronchodilator,False +14942101,361404,87,gastrointestinal|nutrition|enteral feeds|oral feeds,False +10700496,361404,2026,gastrointestinal|nutrition|enteral feeds|oral feeds,True +14003478,361404,282,cardiovascular|hypertension|angiotensin II receptor blocker (ARB)|losartan,False +12467360,361404,2026,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +12033832,361404,87,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|coumadin,False +10835496,361404,2026,pulmonary|medications|bronchodilator,True +15484877,361404,2026,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +11485528,361404,87,neurologic|pain / agitation / altered mentation|sedative agent|diazepam,False +15074494,361404,282,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +17734856,361404,2026,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|coumadin,True +16524122,361404,282,general|support services|physical therapy consult,False +16191388,361404,2026,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,True +16378397,361404,2026,general|support services|physical therapy consult,True +16859656,367912,2741,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,True +15269871,367912,2741,gastrointestinal|endoscopy/gastric instrumentation|nasogastric tube|insertion,True +13311251,367912,2,gastrointestinal|consultations|Gastroenterology consultation,False +15350816,367912,2741,gastrointestinal|nutrition|parenteral feeds|intralipid,True +11039577,367912,36,gastrointestinal|medications|analgesics|bolus parenteral analgesics,False +15550879,367912,2741,gastrointestinal|nutrition|parenteral feeds|TPN,True +13224683,367912,36,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +11455484,367912,2741,infectious diseases|procedures|vascular catheter placement|central venous,True +17057024,367912,36,"gastrointestinal|radiology, diagnostic and procedures|CT scan|pelvis",False +14821396,367912,2741,neurologic|pain / agitation / altered mentation|analgesics|continuous parenteral analgesics,True +13257668,367912,2741,neurologic|pain / agitation / altered mentation|analgesics|oral analgesics,True +18182216,367912,36,infectious diseases|cultures / immuno-assays|cultures,False +16563252,367912,2741,gastrointestinal|medications|antibiotics|penicillins,True +11616102,367912,2741,gastrointestinal|medications|analgesics|bolus parenteral analgesics,True +18028946,367912,36,gastrointestinal|consultations|Gastroenterology consultation,False +11543033,367912,36,gastrointestinal|medications|antibiotics|penicillins,False +12069350,367912,2741,gastrointestinal|endoscopy/gastric instrumentation|nasogastric tube|with suction,True +16872263,367912,36,"gastrointestinal|radiology, diagnostic and procedures|CT scan|with IV contrast",False +16080062,367912,2741,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +13181618,367912,2741,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +14738988,367912,2741,infectious diseases|medications|antifungal therapy|fluconazole,True +12088130,367912,2741,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,True +12812273,367912,2741,"gastrointestinal|radiology, diagnostic and procedures|CT scan|with IV contrast",True +11111636,367912,36,gastrointestinal|medications|analgesics|narcotic analgesic,False +12248842,367912,2741,pulmonary|medications|nicotine patch,True +18254552,367912,2741,"gastrointestinal|radiology, diagnostic and procedures|CT scan|abdomen",True +12853297,367912,2741,endocrine|glucose metabolism|insulin|sliding scale administration,True +11881445,367912,36,"gastrointestinal|radiology, diagnostic and procedures|CT scan|abdomen",False +13960664,367912,2741,endocrine|glucose metabolism|insulin|subcutaneous dose of regular insulin,True +12332887,367912,36,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +14222007,367912,2741,gastrointestinal|medications|analgesics|non-narcotic analgesic|acetaminophen,True +11889158,367912,36,gastrointestinal|medications|analgesics|non-narcotic analgesic|acetaminophen,False +12517709,367912,2741,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +14409650,367912,2741,gastrointestinal|medications|analgesics|narcotic analgesic,True +12645349,367912,2741,gastrointestinal|consultations|Gastroenterology consultation,True +14283634,367912,2741,infectious diseases|cultures / immuno-assays|cultures,True +12468045,367912,2741,"gastrointestinal|radiology, diagnostic and procedures|CT scan|pelvis",True +12730933,367912,2741,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +17524619,368911,49,gastrointestinal|nutrition|enteral feeds|oral feeds,True +12399040,368911,49,pulmonary|vascular disorders|VTE prophylaxis|compression boots,True +16660333,368911,49,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|ketorolac,True +18376321,369237,72,infectious diseases|cultures / immuno-assays|cultures|blood|peripheral,False +17040062,369237,2403,general|support services|discharge planning consult,False +18053506,369237,72,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +15724621,369237,2403,general|support services|social work consult,False +17030943,369237,72,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +13564801,369237,2791,endocrine|thyroid disorder|thyroid hormone|levothyroxine (T4),False +18008170,369237,72,endocrine|electrolyte correction|administration of electrolytes|magnesium,False +17984645,369237,2793,gastrointestinal|medications|laxatives|doss (Colace),True +17467690,369237,2791,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +15924843,369237,2403,infectious diseases|medications|therapeutic antibacterials|aminoglycoside|tobramycin,False +13119941,369237,2793,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +14118294,369237,2403,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,False +11497740,369237,2793,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,True +10763213,369237,2403,endocrine|electrolyte correction|administration of electrolytes|magnesium,False +12245726,369237,2791,"gastrointestinal|medications|laxatives|bisacodyl (Dulcolax, Fleet)",False +10724973,369237,72,endocrine|electrolyte correction|administration of electrolytes|calcium,False +13312474,369237,2793,cardiovascular|intravenous fluid|normal saline administration,True +10541028,369237,2791,cardiovascular|intravenous fluid|normal saline administration,False +10545409,369237,72,infectious diseases|medications|therapeutic antibacterials|aminoglycoside|tobramycin,False +15143430,369237,72,cardiovascular|intravenous fluid|normal saline administration,False +11995336,369237,2403,renal|consultations|Nephrology consultation,False +16725797,369237,2403,gastrointestinal|nutrition|enteral feeds|oral feeds,False +16382166,369237,2403,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +11321870,369237,2791,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +17605073,369237,2791,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +13384015,369237,2793,renal|consultations|Nephrology consultation,True +14002434,369237,2403,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +11027014,369237,2403,infectious diseases|cultures / immuno-assays|cultures|blood|peripheral,False +12075992,369237,2793,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +13156723,369237,2793,general|support services|social work consult,True +10920050,369237,2793,infectious diseases|cultures / immuno-assays|cultures|blood|peripheral,True +13157493,369237,72,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +13490072,369237,72,general|support services|discharge planning consult,False +13301708,369237,2793,neurologic|pain / agitation / altered mentation|SSRI administration|sertraline (Zoloft),True +12019192,369237,2793,general|support services|discharge planning consult,True +11198098,369237,2793,endocrine|electrolyte correction|administration of electrolytes|calcium,True +17557052,369237,2791,endocrine|electrolyte correction|administration of electrolytes|calcium,False +13157191,369237,2791,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +14348614,369237,2403,endocrine|thyroid disorder|thyroid hormone|levothyroxine (T4),False +10890132,369237,2403,cardiovascular|intravenous fluid|normal saline administration,False +12240518,369237,2793,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +13698120,369237,2791,infectious diseases|cultures / immuno-assays|cultures|blood|peripheral,False +10977563,369237,2793,infectious diseases|cultures / immuno-assays|cultures|urine|catheterized,True +12016321,369237,72,gastrointestinal|medications|laxatives|doss (Colace),False +14297569,369237,72,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +13227681,369237,2791,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,False +17697445,369237,2791,renal|consultations|Nephrology consultation,False +11364918,369237,2793,infectious diseases|medications|therapeutic antibacterials|aminoglycoside|tobramycin,True +13771433,369237,2403,neurologic|pain / agitation / altered mentation|SSRI administration|sertraline (Zoloft),False +13987740,369237,2793,gastrointestinal|nutrition|enteral feeds|oral feeds,True +17240809,369237,2791,gastrointestinal|medications|laxatives|doss (Colace),False +10838094,369237,2403,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +13751050,369237,72,"gastrointestinal|medications|laxatives|bisacodyl (Dulcolax, Fleet)",False +16545837,369237,2793,"gastrointestinal|medications|laxatives|bisacodyl (Dulcolax, Fleet)",True +13269012,369237,2403,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +18486545,369237,2403,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +12545022,369237,2403,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +18461201,369237,2791,general|support services|social work consult,False +13714239,369237,2403,gastrointestinal|medications|laxatives|doss (Colace),False +13849207,369237,2791,neurologic|pain / agitation / altered mentation|SSRI administration|sertraline (Zoloft),False +12838198,369237,2403,"gastrointestinal|medications|laxatives|bisacodyl (Dulcolax, Fleet)",False +12376293,369237,2793,infectious diseases|medications|therapeutic antibacterials|linezolid,True +13783106,369237,2403,infectious diseases|cultures / immuno-assays|cultures|urine|catheterized,False +15395883,369237,72,endocrine|thyroid disorder|thyroid hormone|levothyroxine (T4),False +13826629,369237,2403,endocrine|electrolyte correction|administration of electrolytes|oral,False +16772937,369237,2793,endocrine|electrolyte correction|administration of electrolytes|oral,True +14013833,369237,2403,endocrine|electrolyte correction|administration of electrolytes|calcium,False +17713882,369237,2403,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +15251132,369237,2793,endocrine|electrolyte correction|administration of electrolytes|magnesium,True +12389402,369237,2791,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +15024042,369237,2791,gastrointestinal|nutrition|enteral feeds|oral feeds,False +15766157,369237,72,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +16977785,369237,2791,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +12418136,369237,2793,endocrine|thyroid disorder|thyroid hormone|levothyroxine (T4),True +16124361,369237,2793,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,True +16426539,369237,72,infectious diseases|cultures / immuno-assays|cultures|urine|catheterized,False +15772948,369237,2793,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,True +14954575,369237,72,general|support services|social work consult,False +16961358,369237,2791,infectious diseases|medications|therapeutic antibacterials|aminoglycoside|tobramycin,False +15428147,369237,72,endocrine|electrolyte correction|administration of electrolytes|oral,False +16251946,369237,2791,infectious diseases|cultures / immuno-assays|cultures|urine|catheterized,False +16259486,369237,72,neurologic|pain / agitation / altered mentation|SSRI administration|sertraline (Zoloft),False +15560165,369237,2791,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +16304248,369237,72,renal|consultations|Nephrology consultation,False +16173924,369237,2791,general|support services|discharge planning consult,False +15801850,369237,2791,endocrine|electrolyte correction|administration of electrolytes|magnesium,False +16244522,369237,2791,endocrine|electrolyte correction|administration of electrolytes|oral,False +15626301,369237,2793,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,True +10941490,378120,2868,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +11600734,378120,2868,cardiovascular|non-operative procedures|non-cardiac angiography,False +18350184,378120,2870,infectious diseases|procedures|vascular catheter placement|central venous,True +12039609,378120,2868,"gastrointestinal|radiology, diagnostic and procedures|CT scan|abdomen",False +10487808,378120,25,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +17985388,378120,2868,"gastrointestinal|radiology, diagnostic and procedures|CT scan|pelvis",False +17464896,378120,2870,renal|urinary catheters|foley catheter,True +18293501,378120,2870,cardiovascular|vascular disorders|non-invasive testing for DVT,True +12282445,378120,2868,cardiovascular|vascular disorders|non-invasive testing for DVT,False +12645137,378120,2,renal|consultations|Urology consultation,False +17617341,378120,2870,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +18268483,378120,2870,gastrointestinal|nutrition|enteral feeds|oral feeds,True +12281401,378120,2868,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +11324516,378120,2868,hematology|red blood cell disorders|blood product administration|packed red blood cells,False +14466229,378120,2870,cardiovascular|vascular disorders|IVC filter,True +12738508,378120,2868,renal|consultations|Urology consultation,False +11223108,378120,25,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +13634513,378120,2870,cardiovascular|non-operative procedures|non-cardiac angiography,True +15634188,378120,25,cardiovascular|intravenous fluid|blood product administration|packed red blood cells|transfusion of 1-2 units prbc's,False +18150413,378120,2870,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,True +14515792,378120,2868,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +14776027,378120,25,renal|consultations|Urology consultation,False +11295090,378120,2868,surgery|consultations|Orthopedics consultation,False +13600728,378120,2870,"gastrointestinal|radiology, diagnostic and procedures|CT scan|abdomen",True +16610460,378120,25,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,False +11383669,378120,2870,"gastrointestinal|radiology, diagnostic and procedures|CT scan|pelvis",True +14337381,378120,2870,renal|consultations|Urology consultation,True +11185727,378120,2868,gastrointestinal|nutrition|enteral feeds|oral feeds,False +13496479,378120,2870,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,True +11364060,378120,2868,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +14682208,378120,2868,general|support services|physical therapy consult,False +15451308,378120,2868,neurologic|pain / agitation / altered mentation|analgesics|oral analgesics,False +17182034,378120,2870,hematology|red blood cell disorders|blood product administration|packed red blood cells,True +12965294,378120,2868,cardiovascular|vascular disorders|IVC filter,False +17204496,378120,2870,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +13236483,378120,2868,cardiovascular|vascular disorders|VTE prophylaxis|compression stockings,False +15506364,378120,2868,renal|urinary catheters|foley catheter,False +15973737,378120,2870,neurologic|pain / agitation / altered mentation|analgesics|oral analgesics,True +13165457,378120,2870,surgery|wounds / temperature|antipyretics|acetaminophen,True +15480729,378120,2868,infectious diseases|procedures|vascular catheter placement|central venous,False +16312070,378120,2870,general|support services|physical therapy consult,True +13088766,378120,2870,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +15499241,378120,2868,surgery|wounds / temperature|antipyretics|acetaminophen,False +14519349,393769,73,pulmonary|medications|antibacterials|vancomycin,False +16562787,393769,73,neurologic|procedures / diagnostics|head CT scan,False +12961652,393769,73,general|quality measures|pneumococcal vaccine,False +15793202,393769,275,general|quality measures|pneumococcal vaccine,True +13423044,393769,73,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +16106316,393769,73,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +12231040,393769,275,neurologic|procedures / diagnostics|head CT scan,True +17818912,393769,73,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +13198697,393769,73,cardiovascular|hypertension|angiotensin II receptor blocker (ARB),False +13324363,393769,73,renal|electrolyte correction|electrolyte administration|potassium,False +16934590,393769,275,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,True +17424651,393769,73,cardiovascular|hypertension|beta blocker,False +11069046,393769,275,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,True +10986533,393769,73,neurologic|pain / agitation / altered mentation|analgesics,False +11554725,393769,275,renal|electrolyte correction|electrolyte administration|potassium,True +11996579,393769,275,neurologic|pain / agitation / altered mentation|analgesics,True +10574526,393769,275,cardiovascular|hypertension|angiotensin II receptor blocker (ARB),True +11508611,393769,275,cardiovascular|hypertension|beta blocker,True +11209647,393769,275,pulmonary|medications|antibacterials|vancomycin,True +11277483,393769,275,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,True +12097149,395323,6108,infectious diseases|consultations|Infectious Disease consultation,True +17363335,395323,2837,cardiovascular|intravenous fluid|blood product administration,False +17415908,395323,1531,surgery|wounds / temperature|wound care|surgical debridement,False +17675764,395323,6108,burns/trauma|trauma|special care bed,True +11696428,395323,2837,infectious diseases|procedures|MRI,False +13226764,395323,1597,burns/trauma|trauma|dressing change,False +17538213,395323,103,burns/trauma|trauma|dressing change,False +10520149,395323,2837,surgery|wounds / temperature|wound care|surgical debridement,False +11167246,395323,6108,renal|consultations|Nephrology consultation,True +14408261,395323,103,cardiovascular|intravenous fluid|blood product administration,False +11925018,395323,2837,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),False +12077069,395323,2837,general|quality measures|influenza vaccine,False +17894788,395323,103,pulmonary|medications|antibacterials|vancomycin,False +15970681,395323,2837,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +18317142,395323,6108,infectious diseases|procedures|MRI,True +18189023,395323,2837,infectious diseases|cultures / immuno-assays|cultures|urine,False +15029385,395323,103,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +16404525,395323,2837,surgery|wounds / temperature|wound care|dressing change,False +18637977,395323,1597,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +13735288,395323,6108,general|quality measures|influenza vaccine,True +18489531,395323,6108,surgery|wounds / temperature|wound care|surgical debridement,True +15710274,395323,2837,burns/trauma|trauma|dressing change,False +12974015,395323,1531,cardiovascular|intravenous fluid|blood product administration,False +13705744,395323,6108,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),True +17368165,395323,6108,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +13199000,395323,2837,renal|procedures/radiology|renal ultrasound,False +12825071,395323,1531,burns/trauma|trauma|dressing change,False +16620671,395323,6108,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,True +14569962,395323,1597,pulmonary|medications|antibacterials|vancomycin,False +13714132,395323,2837,pulmonary|medications|antibacterials|vancomycin,False +13513205,395323,1531,general|quality measures|influenza vaccine,False +11191104,395323,103,burns/trauma|trauma|special care bed,False +12054328,395323,2837,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +13116823,395323,2837,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +12895919,395323,1531,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +15497435,395323,1597,cardiovascular|intravenous fluid|blood product administration,False +15086860,395323,1597,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +16469191,395323,1597,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),False +17532841,395323,6108,surgery|wounds / temperature|wound care|dressing change,True +16755930,395323,1531,infectious diseases|procedures|MRI,False +12335312,395323,2837,burns/trauma|trauma|special care bed,False +16068592,395323,6108,pulmonary|medications|antibacterials|vancomycin,True +16993895,395323,6108,renal|procedures/radiology|renal ultrasound,True +16100428,395323,1531,burns/trauma|trauma|special care bed,False +12536330,395323,103,infectious diseases|procedures|MRI,False +16803351,395323,1597,general|quality measures|influenza vaccine,False +16699466,395323,103,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +16623246,395323,6108,burns/trauma|trauma|dressing change,True +16429517,395323,1597,infectious diseases|procedures|MRI,False +14802704,395323,1531,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +12078619,395323,1531,surgery|wounds / temperature|wound care|dressing change,False +18248122,395323,2837,infectious diseases|consultations|Infectious Disease consultation,False +16638663,395323,103,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +15970866,395323,6108,infectious diseases|cultures / immuno-assays|cultures|urine,True +17920869,395323,1597,surgery|wounds / temperature|wound care|dressing change,False +11359552,395323,1531,pulmonary|medications|antibacterials|vancomycin,False +16864264,395323,1597,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +14899482,395323,6108,cardiovascular|intravenous fluid|blood product administration,True +17149075,395323,1597,burns/trauma|trauma|special care bed,False +13154742,395323,1531,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +18445244,395323,1597,surgery|wounds / temperature|wound care|surgical debridement,False +14709649,395323,6108,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +18371225,403279,65,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,True +14008989,403279,65,endocrine|electrolyte correction|administration of electrolytes|oral,True +10683255,403279,65,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,True +17126040,403279,65,hematology|coagulation and platelets|anticoagulant administration|coumadin,True +13774314,403279,65,endocrine|electrolyte correction|administration of electrolytes|potassium,True +15227960,403279,65,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +12953061,403279,65,neurologic|pain / agitation / altered mentation|sedative agent|diazepam,True +16476069,403279,65,renal|medications|oral diuretic|po furosemide,True +11573915,403279,65,renal|urinary catheters|foley catheter,True +12727651,403279,65,cardiovascular|hypertension|angiotensin II receptor blocker (ARB)|telmisartan,True +15156914,405746,3790,pulmonary|radiologic procedures / bronchoscopy|CT scan|spiral CT,True +12860496,405746,3790,pulmonary|consultations|Pulmonary/CCM consultation,True +16882427,405746,243,cardiovascular|myocardial ischemia / infarction|analgesics|oral analgesics,False +14176625,405746,3790,"gastrointestinal|radiology, diagnostic and procedures|CT scan|pelvis",True +11927208,405746,243,hematology|red blood cell disorders|ferrous iron compound,False +10815034,405746,3790,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +11010867,405746,3273,cardiovascular|myocardial ischemia / infarction|analgesics|bolus parenteral analgesics,False +13955839,405746,3790,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +13281863,405746,3790,cardiovascular|myocardial ischemia / infarction|analgesics|oral analgesics,True +13151376,405746,3790,hematology|red blood cell disorders|ferrous iron compound,True +13081974,405746,243,gastrointestinal|medications|antiemetic|phenothiazine,False +17547885,405746,3273,cardiovascular|hypertension|alpha/beta blocker|labetalol,False +10770358,405746,3273,cardiovascular|myocardial ischemia / infarction|analgesics|oral analgesics,False +10930689,405746,3790,gastrointestinal|medications|laxatives,True +11555779,405746,3273,hematology|red blood cell disorders|ferrous iron compound,False +13934501,405746,243,cardiovascular|myocardial ischemia / infarction|analgesics|bolus parenteral analgesics,False +15511948,405746,3790,cardiovascular|myocardial ischemia / infarction|analgesics|bolus parenteral analgesics,True +17283735,405746,3790,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +12187010,405746,3790,"gastrointestinal|radiology, diagnostic and procedures|CT scan|abdomen",True +15547296,405746,3790,cardiovascular|myocardial ischemia / infarction|analgesics|non-narcotic analgesic|acetaminophen,True +17728602,405746,3790,gastrointestinal|medications|antiemetic|phenothiazine,True +15735772,405746,243,cardiovascular|myocardial ischemia / infarction|analgesics|non-narcotic analgesic|acetaminophen,False +17200109,405746,3790,hematology|consultations|Hematology consultation,True +18513389,405746,3790,cardiovascular|hypertension|alpha/beta blocker|labetalol,True +17406852,405746,3790,cardiovascular|non-operative procedures|non-cardiac angiography|venogram,True +14002508,405746,243,hematology|consultations|Hematology consultation,False +13340398,405746,3273,gastrointestinal|medications|antiemetic|phenothiazine,False +16135806,405746,3273,hematology|consultations|Hematology consultation,False +15439329,405746,243,cardiovascular|hypertension|alpha/beta blocker|labetalol,False +16759088,405746,3273,pulmonary|consultations|Pulmonary/CCM consultation,False +14888494,405746,3273,cardiovascular|myocardial ischemia / infarction|analgesics|non-narcotic analgesic|acetaminophen,False +17081733,411036,3203,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +17802293,411036,435,cardiovascular|hypertension|calcium channel blocker,False +12079611,411036,429,pulmonary|medications|bronchodilator,False +16869376,411036,3206,pulmonary|medications|bronchodilator,False +17053097,411036,177,renal|electrolyte correction|electrolyte administration|potassium,False +17844948,411036,435,renal|electrolyte correction|electrolyte administration|potassium,False +14361109,411036,3526,renal|electrolyte correction|electrolyte administration|potassium,True +11015391,411036,3203,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +17302548,411036,3206,renal|electrolyte correction|electrolyte administration|potassium,False +17988624,411036,435,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +15454163,411036,3206,endocrine|glucose metabolism|insulin|sliding scale administration,False +17074230,411036,3203,endocrine|glucose metabolism|insulin|sliding scale administration,False +17448593,411036,135,renal|electrolyte correction|electrolyte administration|potassium,False +11048460,411036,3206,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +11508894,411036,3526,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +16785618,411036,3203,renal|electrolyte correction|electrolyte administration|potassium,False +17108926,411036,3206,gastrointestinal|medications|laxatives,False +10945781,411036,3203,gastrointestinal|nutrition|enteral feeds|oral feeds,False +14158648,411036,3206,gastrointestinal|nutrition|enteral feeds|oral feeds,False +16788272,411036,3203,gastrointestinal|medications|laxatives,False +18448236,411036,135,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +12155441,411036,3206,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +15450339,411036,3526,gastrointestinal|nutrition|enteral feeds|oral feeds,True +12005524,411036,3206,cardiovascular|hypertension|calcium channel blocker,False +17233748,411036,3203,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +11459154,411036,3203,cardiovascular|intravenous fluid|normal saline administration,False +15768754,411036,3203,pulmonary|medications|bronchodilator,False +11956443,411036,3206,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +18042060,411036,177,cardiovascular|hypertension|calcium channel blocker,False +18446636,411036,435,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +15260151,411036,135,cardiovascular|hypertension|calcium channel blocker,False +12270614,411036,177,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +13967268,411036,429,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +18498252,411036,435,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin|enoxaparin,False +17531829,411036,429,cardiovascular|hypertension|calcium channel blocker,False +12207862,411036,177,pulmonary|medications|bronchodilator,False +13709118,411036,435,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +18109308,411036,435,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +13447759,411036,3526,gastrointestinal|medications|laxatives,True +16874638,411036,3526,endocrine|glucose metabolism|insulin|sliding scale administration,True +15723417,411036,3526,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,True +15635293,411036,429,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +18023180,411036,3206,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +16162209,411036,3203,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +18319807,411036,3206,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +13753075,411036,435,cardiovascular|hypertension|calcium channel blocker,False +13141737,411036,177,gastrointestinal|medications|laxatives,False +11253689,411036,135,pulmonary|medications|bronchodilator,False +11228064,411036,429,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +14165062,411036,429,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +12993715,411036,135,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,False +12165913,411036,435,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,False +11838005,411036,429,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +13551949,411036,435,gastrointestinal|medications|laxatives,False +17783092,411036,3526,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,True +15492307,411036,3203,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,False +11324775,411036,435,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,False +15086521,411036,435,renal|electrolyte correction|electrolyte administration|potassium,False +13752369,411036,135,gastrointestinal|medications|laxatives,False +17293043,411036,435,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +10668745,411036,435,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +15494684,411036,435,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +12929263,411036,177,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +16077830,411036,3206,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,False +16925280,411036,435,cardiovascular|intravenous fluid|normal saline administration,False +16735194,411036,429,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin|enoxaparin,False +17406194,411036,3526,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,True +14498290,411036,3206,cardiovascular|intravenous fluid|normal saline administration,False +10630587,411036,435,pulmonary|medications|bronchodilator,False +14501184,411036,429,renal|electrolyte correction|electrolyte administration|potassium,False +14030458,411036,135,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +16442541,411036,3526,cardiovascular|hypertension|calcium channel blocker,True +17028101,411036,435,pulmonary|medications|bronchodilator,False +13504280,411036,435,cardiovascular|ventricular dysfunction|vasodilator|nifedipine,False +13304466,411036,3203,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +15390739,411036,429,gastrointestinal|medications|laxatives,False +16918430,411036,435,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +16630607,411036,435,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin|enoxaparin,False +15240114,411036,177,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,False +14608040,411036,435,gastrointestinal|medications|laxatives,False +16862001,411036,429,cardiovascular|vascular disorders|VTE prophylaxis|coumadin,False +16825280,411036,435,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +17889954,411036,3526,pulmonary|medications|bronchodilator,True +17706769,411036,3203,cardiovascular|hypertension|calcium channel blocker,False +18077632,411036,3526,cardiovascular|intravenous fluid|normal saline administration,True +17331861,420354,31,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",True +16524219,420354,31,cardiovascular|hypertension|clonidine,True +13633034,420354,31,cardiovascular|intravenous fluid|normal saline administration,True +11658516,420354,29,cardiovascular|ventricular dysfunction|beta blocker|carvedilol,False +14715229,420354,31,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +14955442,420354,31,pulmonary|medications|analgesics|narcotic analgesic,True +10803863,420354,29,cardiovascular|intravenous fluid|normal saline administration,False +17737453,420354,29,neurologic|procedures / diagnostics|head CT scan|without contrast,False +12326452,420354,29,cardiovascular|hypertension|clonidine,False +17112899,420354,31,renal|medications|bicarbonate,True +14803802,420354,29,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,False +17828325,420354,31,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,True +12611272,420354,29,renal|electrolyte correction|electrolyte administration|potassium,False +18490764,420354,31,renal|electrolyte correction|electrolyte administration|potassium,True +16617988,420354,29,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",False +18209471,420354,29,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,False +12688538,420354,29,renal|medications|bicarbonate,False +16092592,420354,31,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,True +12524471,420354,31,neurologic|procedures / diagnostics|head CT scan|without contrast,True +11348313,420354,29,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,False +12133087,420354,31,cardiovascular|ventricular dysfunction|beta blocker|carvedilol,True +12364242,420354,29,pulmonary|medications|analgesics|narcotic analgesic,False +19204647,436993,154,burns/trauma|consultations|Orthopedics consultation,True +22458859,436993,154,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),True +19473519,436993,154,pulmonary|ventilation and oxygenation|CPAP/PEEP therapy,True +22813201,436993,154,pulmonary|ventilation and oxygenation|mechanical ventilation,True +20412915,436993,154,pulmonary|consultations|Pulmonary/CCM consultation,True +23276946,436993,154,surgery|consultations|Orthopedics consultation,True +20077671,436993,154,pulmonary|ventilation and oxygenation|tracheal suctioning,True +21139299,439621,83,cardiovascular|intravenous fluid|hypotonic fluid administration|D5 half-normal saline,True +22361662,439621,83,gastrointestinal|medications|analgesics|narcotic analgesic,True +21271812,439621,83,renal|electrolyte correction|electrolyte administration|potassium,True +23309518,439621,83,endocrine|glucose metabolism|insulin|continuous infusion,True +19131000,439621,83,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|oral,True +23139795,439621,83,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|coumadin,True +20091920,439621,83,gastrointestinal|medications|analgesics|non-narcotic analgesic|acetaminophen,True +21575788,475290,33,endocrine|intravenous fluid administration|normal saline administration,True +19416070,475290,33,endocrine|electrolyte correction|administration of electrolytes,True +21098192,475290,33,endocrine|glucose metabolism|insulin,True +23079133,475290,33,pulmonary|ventilation and oxygenation|mechanical ventilation,True +22918930,475290,33,pulmonary|medications|bronchodilator,True +23007867,475290,33,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +20647062,482789,106,pulmonary|consultations|Pulmonary/CCM consultation,True +21298251,482789,106,cardiovascular|hypertension|ACE inhibitor|lisinopril,True +19515585,482789,106,cardiovascular|consultations|Cardiology consultation,True +21482383,482789,106,infectious diseases|medications|therapeutic antibacterials|penicillins|ampicillin/sulbactam,True +23022401,482789,106,pulmonary|radiologic procedures / bronchoscopy|pulmonary ventilation perfusion study,True +20855895,482789,106,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +19940436,482789,106,infectious diseases|cultures / immuno-assays|cultures|blood,True +23239395,482789,106,infectious diseases|cultures / immuno-assays|cultures|urine,True +19643670,482789,106,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,True +21937681,482789,106,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +19451399,482789,106,cardiovascular|arrhythmias|digoxin,True +23084186,482789,106,neurologic|procedures / diagnostics|head CT scan,True +18859285,485952,61,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",True +21342458,485952,61,endocrine|electrolyte correction|administration of electrolytes|potassium,True +21985779,485952,61,cardiovascular|hypertension|vasodilating agent - IV|labetalol,True +21516977,485952,61,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin|enoxaparin,True +19778368,485952,61,endocrine|glucose metabolism|insulin|continuous infusion,True +22647813,485952,61,pulmonary|medications|bronchodilator|ipratropium,True +19780431,485952,61,endocrine|intravenous fluid administration|normal saline administration,True +23058034,485952,61,gastrointestinal|medications|laxatives,True +22923040,485952,61,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +19766521,533168,262,renal|consultations|Urology consultation,True +21668062,533168,262,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +19228806,533168,262,cardiovascular|arrhythmias|anticoagulant administration|low molecular weight heparin|enoxaparin,True +21902382,533168,262,cardiovascular|arrhythmias|beta blocker|metoprolol,True +20683811,533168,262,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,True +20879668,533168,262,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +20536897,533168,262,cardiovascular|intravenous fluid|normal saline administration,True +20836582,533168,262,cardiovascular|consultations|Cardiology consultation,True +20680391,533168,262,cardiovascular|vascular disorders|VTE prophylaxis,True +25939682,608375,763,pulmonary|ventilation and oxygenation|mechanical ventilation,False +25727307,608375,763,gastrointestinal|exploratory surgery|exploratory laparotomy,False +24146882,608375,1883,gastrointestinal|exploratory surgery|exploratory laparotomy,True +23766912,608375,747,pulmonary|ventilation and oxygenation|mechanical ventilation,False +27792587,608375,508,gastrointestinal|exploratory surgery|exploratory laparotomy,False +24707574,608375,275,pulmonary|ventilation and oxygenation|mechanical ventilation|non-invasive ventilation,False +27771901,608375,747,gastrointestinal|exploratory surgery|exploratory laparotomy,False +24791093,639917,47,cardiovascular|shock|vasopressors|dopamine 5-15 micrograms/kg/min,True +25835241,758779,45,cardiovascular|vascular surgery|amputation,False +27596013,827084,22,gastrointestinal|exploratory surgery|exploratory laparotomy,False +25506564,827084,22,pulmonary|ventilation and oxygenation|mechanical ventilation,False +26925350,827084,983,gastrointestinal|exploratory surgery|exploratory laparotomy,False +27325807,827084,321,pulmonary|ventilation and oxygenation|mechanical ventilation,False +24926679,827084,321,renal|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +26764397,827084,321,gastrointestinal|exploratory surgery|exploratory laparotomy,False +24606767,827085,69,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +27200311,827085,77,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +26971007,827085,560,pulmonary|ventilation and oxygenation|mechanical ventilation,False +24172545,827085,69,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +27599034,827085,69,pulmonary|ventilation and oxygenation|mechanical ventilation,False +26954898,827085,560,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +25504920,827085,77,pulmonary|ventilation and oxygenation|mechanical ventilation,False +25089954,827085,77,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +24182677,839120,2147,cardiovascular|intravenous fluid|normal saline administration,True +25532430,839120,13,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +26252161,839120,23,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +24313898,859033,2487,hematology|red blood cell disorders|blood product administration|packed red blood cells|transfusion of 1-2 units prbc's,False +24866832,859033,140,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +26442904,859033,2005,hematology|red blood cell disorders|blood product administration|packed red blood cells|transfusion of 1-2 units prbc's,False +25597058,859033,2005,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +24319518,869526,21,renal|medications|bicarbonate,False +27666281,876429,34,cardiovascular|cardiac surgery|valve replacement or repair,False +25590865,876429,34,cardiovascular|shock|vasopressors|epinephrine > 0.1 micrograms/kg/min,False +26823879,876429,34,pulmonary|ventilation and oxygenation|mechanical ventilation,False +25077142,876429,34,cardiovascular|ventricular dysfunction|vasodilator|nicardipine,False +24015833,876429,1069,cardiovascular|cardiac surgery|valve replacement or repair,False +27022279,876429,1681,cardiovascular|cardiac surgery|valve replacement or repair,True +23493731,876429,1069,cardiovascular|shock|vasopressors|epinephrine > 0.1 micrograms/kg/min,False +23702566,887140,10,pulmonary|ventilation and oxygenation|mechanical ventilation,False +27883572,959746,15,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,True +28090231,959746,15,cardiovascular|arrhythmias|beta blocker,True +27901633,959746,15,cardiovascular|non-operative procedures|cardiac angiography|with stent placement,True +27968274,963136,1255,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure controlled,False +27897129,963136,36,infectious diseases|cultures / immuno-assays|cultures|sputum,False +27968261,963136,1816,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure controlled,False +27896928,963136,1255,infectious diseases|cultures / immuno-assays|cultures|sputum,False +28031153,963136,36,infectious diseases|cultures / immuno-assays|cultures|urine,False +28068576,963136,2094,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%),True +27990433,963136,1255,infectious diseases|cultures / immuno-assays|cultures|blood,False +27968236,963136,36,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure controlled,False +28030848,963136,1255,infectious diseases|cultures / immuno-assays|cultures|urine,False +28030767,963136,1816,infectious diseases|cultures / immuno-assays|cultures|urine,False +27931674,963136,2094,surgery|analgesics /sedatives/ nmbs|analgesics,True +27989788,963136,36,infectious diseases|cultures / immuno-assays|cultures|blood,False +27989701,963136,1816,infectious diseases|cultures / immuno-assays|cultures|blood,False +28007005,963136,2094,pulmonary|medications|antibacterials,True +27896850,963136,1816,infectious diseases|cultures / immuno-assays|cultures|sputum,False +28037952,963136,1816,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +27909649,963136,1816,pulmonary|medications|sedative,False +27930538,963136,1816,surgery|analgesics /sedatives/ nmbs|analgesics,False +28006730,963136,1816,pulmonary|medications|antibacterials,False +28055741,964782,9,cardiovascular|vascular disorders|thrombolytic agent|alteplase,True +27940705,964782,9,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,True +27916047,964782,9,cardiovascular|vascular disorders|angiography,True +27946623,965083,299,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +27933877,965083,518,cardiovascular|ventricular dysfunction|intravenous diuretic,True +27932830,965083,24,cardiovascular|ventricular dysfunction|intravenous diuretic,False +28031360,965083,299,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,False +27946936,965083,24,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +28011536,965083,299,pulmonary|medications|antibacterials,False +28031436,965083,518,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,True +27932848,965083,299,cardiovascular|ventricular dysfunction|intravenous diuretic,False +28004007,965083,24,pulmonary|medications|antibacterials,False +27945646,965083,518,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +28004802,965083,518,pulmonary|medications|antibacterials,True +27984600,970328,286,pulmonary|surgery / incision and drainage of thorax|thoracentesis,True +28075633,970328,29,pulmonary|ventilation and oxygenation|mechanical ventilation,False +27990875,970328,29,pulmonary|consultations|Pulmonary medicine consultation,False +27863579,970328,286,pulmonary|medications|glucocorticoid administration,True +27984536,970328,29,pulmonary|surgery / incision and drainage of thorax|thoracentesis,False +27990643,970328,286,pulmonary|consultations|Pulmonary medicine consultation,True +28022564,970328,286,pulmonary|medications|bronchodilator,True +28081655,970328,286,pulmonary|ventilation and oxygenation|mechanical ventilation,True +28008390,970328,286,pulmonary|medications|antibacterials,True +27865625,970720,72,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +27976725,970720,3386,pulmonary|consultations|Pulmonary/CCM consultation,True +28065269,970720,72,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%),False +27976324,970720,72,pulmonary|consultations|Pulmonary/CCM consultation,False +27946348,970720,72,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +28014455,970720,3386,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +28015818,970720,72,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +28066000,970720,3386,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%),True +27984521,970720,3386,pulmonary|surgery / incision and drainage of thorax|thoracentesis,True +27945723,970720,3386,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +27866207,970720,3386,pulmonary|radiologic procedures / bronchoscopy|CT scan,True +28034971,972877,1738,endocrine|glucose metabolism|insulin|continuous infusion,True +28035343,972877,36,endocrine|glucose metabolism|insulin|continuous infusion,False +27873582,972877,36,endocrine|electrolyte correction|administration of electrolytes|intravenous,False +27873580,972877,1738,endocrine|electrolyte correction|administration of electrolytes|intravenous,True +28035310,972877,40,endocrine|glucose metabolism|insulin|continuous infusion,False +27957055,972877,40,gastrointestinal|medications|analgesics|narcotic analgesic,False +27916375,972877,1738,gastrointestinal|consultations|Gastroenterology consultation,True +28030620,972877,36,endocrine|intravenous fluid administration|fluid restriction|< 500 ml,False +27873605,972877,40,endocrine|electrolyte correction|administration of electrolytes|intravenous,False +27957072,972877,1738,gastrointestinal|medications|analgesics|narcotic analgesic,True +28030619,972877,40,endocrine|intravenous fluid administration|fluid restriction|< 500 ml,False +27948523,972877,40,gastrointestinal|nutrition|feeding tube|nasogastric,False +27917348,972877,36,gastrointestinal|consultations|Gastroenterology consultation,False +27948520,972877,36,gastrointestinal|nutrition|feeding tube|nasogastric,False +27917311,972877,40,gastrointestinal|consultations|Gastroenterology consultation,False +27957059,972877,36,gastrointestinal|medications|analgesics|narcotic analgesic,False +27940522,976722,1699,cardiovascular|non-operative procedures|AICD placement,True +27940541,976722,1396,cardiovascular|non-operative procedures|AICD placement,False +27927323,976722,1699,cardiovascular|arrhythmias|antiarrhythmics,True +27927129,976722,1396,cardiovascular|arrhythmias|antiarrhythmics,False +27926120,976722,1175,cardiovascular|arrhythmias|antiarrhythmics,False +27940553,976722,1175,cardiovascular|non-operative procedures|AICD placement,False +27927028,976722,76,cardiovascular|arrhythmias|antiarrhythmics,False +30784662,1058166,146,cardiovascular|cardiac surgery|valve replacement or repair|routine,True +30729247,1058166,146,renal|dialysis|hemodialysis,True +30751049,1058166,146,cardiovascular|hypertension|vasodilating agent - IV|nicardipine,True +30739623,1058166,146,surgery|pulmonary therapies|mechanical ventilation,True +30800766,1063405,466,cardiovascular|other therapies|antibacterials,True +30729394,1063405,466,renal|dialysis|hemodialysis,True +30807155,1063405,466,cardiovascular|shock|vasopressors,True +30711241,1073098,67,infectious diseases|medications|therapeutic antibacterials,True +30780587,1073098,67,pulmonary|medications|bronchodilator,True +30728411,1073098,67,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|conventional heparin therapy|intravenous,True +30790472,1073098,67,infectious diseases|cultures / immuno-assays|cultures,True +30746483,1073098,67,surgery|analgesics /sedatives/ nmbs|analgesics|continuous parenteral analgesics,True +30777946,1073098,67,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +30763068,1073098,67,endocrine|glucose metabolism|insulin,True +30801923,1073098,67,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,True +30804767,1073098,67,pulmonary|ventilation and oxygenation|mechanical ventilation,True +30771753,1073098,67,endocrine|electrolyte correction|administration of electrolytes,True +31050628,1091677,1295,surgery|intravenous fluids / electrolytes|administration of electrolytes|potassium,True +31492384,1091677,1295,surgery|intravenous fluids / electrolytes|administration of electrolytes|intravenous,True +30926766,1101375,26371,neurologic|ICH/ cerebral infarct|angiogram,False +30843247,1101375,44123,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31290911,1101375,33222,neurologic|ICH/ cerebral infarct|angiogram,False +31583163,1101375,26371,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31391503,1101375,99,neurologic|procedures / diagnostics|intracranial/cerebral perfusion pressure monitoring|ventriculostomy,False +30877933,1101375,20555,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31340537,1101375,21696,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +31505257,1101375,33222,oncology|consultations|oncology consultation,False +31413384,1101375,26371,neurologic|therapy for controlling cerebral perfusion pressure|hypertonic saline administration,False +31332229,1101375,99,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +30896656,1101375,32110,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31573708,1101375,21696,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31204894,1101375,52277,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|trach collar,True +31237533,1101375,21696,neurologic|ICH/ cerebral infarct|angiogram,False +31327816,1101375,437,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +31563337,1101375,33222,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30815871,1101375,52277,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,True +31054854,1101375,21696,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30937815,1101375,20555,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31150576,1101375,21696,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31424473,1101375,32110,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30966446,1101375,21696,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +30893467,1101375,19133,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31124336,1101375,33222,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31147459,1101375,19133,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31046384,1101375,21696,neurologic|pain / agitation / altered mentation|analgesics|continuous parenteral analgesics,False +31560633,1101375,32110,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31156819,1101375,33222,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30915753,1101375,52277,neurologic|ICH/ cerebral infarct|angiogram,True +31040644,1101375,99,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31063769,1101375,26371,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31111126,1101375,33222,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31535737,1101375,32110,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +30859134,1101375,21696,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +30843226,1101375,20555,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30843286,1101375,33222,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30965815,1101375,26371,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31524947,1101375,13720,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31300812,1101375,26371,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31512993,1101375,42374,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30867572,1101375,52277,general|quality measures|palliative care consultation,True +31191359,1101375,42374,neurologic|ICH/ cerebral infarct|angiogram,False +31142238,1101375,19133,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31537777,1101375,13719,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31452991,1101375,26371,cardiovascular|intravenous fluid|hypotonic fluid administration,False +31608835,1101375,42374,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +30951584,1101375,52277,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,True +31176455,1101375,20874,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31221576,1101375,19133,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31586106,1101375,13720,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31309398,1101375,19133,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +31591181,1101375,42374,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30957415,1101375,19133,neurologic|ICH/ cerebral infarct|angiogram,False +31477397,1101375,7870,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +31243713,1101375,437,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31583273,1101375,20874,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31186270,1101375,26371,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31337532,1101375,42374,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31224746,1101375,32110,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31579708,1101375,20874,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +30994294,1101375,20555,neurologic|ICH/ cerebral infarct|angiogram,False +31344543,1101375,7870,neurologic|ICH/ cerebral infarct|angiogram,False +31569731,1101375,20555,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31564467,1101375,42374,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31160845,1101375,20555,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31150618,1101375,7870,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31456653,1101375,52277,neurologic|seizure therapy|anticonvulsant|levetiracetam,True +31543559,1101375,7870,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31065626,1101375,32110,neurologic|ICH/ cerebral infarct|angiogram,False +31224082,1101375,7870,neurologic|seizure therapy|EEG monitoring,False +31507059,1101375,437,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31570068,1101375,7870,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31045418,1101375,20555,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +30825097,1101375,20874,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31142694,1101375,21303,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31436209,1101375,19133,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30913571,1101375,7870,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31606488,1101375,2695,neurologic|ICH/ cerebral infarct|angiogram,False +30973549,1101375,20874,neurologic|ICH/ cerebral infarct|angiogram,False +31569958,1101375,21303,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +30959377,1101375,7870,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31397813,1101375,4616,neurologic|therapy for controlling cerebral perfusion pressure|hypertonic saline administration,False +30847157,1101375,7870,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31523580,1101375,5518,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +31079715,1101375,20874,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +30834247,1101375,22880,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +30912494,1101375,21303,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31264561,1101375,4616,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31540347,1101375,5518,neurologic|ICH/ cerebral infarct|angiogram,False +31432755,1101375,14184,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31530151,1101375,5518,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +30872123,1101375,13719,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30946254,1101375,21303,neurologic|ICH/ cerebral infarct|angiogram,False +30854964,1101375,21393,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31370200,1101375,21303,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31417011,1101375,4616,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30941323,1101375,5518,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31553025,1101375,44420,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31349500,1101375,21303,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31007244,1101375,4616,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31015625,1101375,21303,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30825833,1101375,14184,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +31502819,1101375,5518,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30950582,1101375,4616,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +30974327,1101375,5518,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31441201,1101375,44420,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31271221,1101375,5518,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31472146,1101375,4616,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30854090,1101375,21303,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30991876,1101375,44420,general|quality measures|palliative care consultation,False +31490397,1101375,5518,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31210418,1101375,4616,neurologic|ICH/ cerebral infarct|angiogram,False +31297857,1101375,21303,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31398923,1101375,22880,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31581444,1101375,21303,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +30861255,1101375,5378,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31345053,1101375,21303,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +30939567,1101375,21393,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31536118,1101375,5518,neurologic|seizure therapy|EEG monitoring,False +30910822,1101375,19529,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31314832,1101375,21303,neurologic|ICH/ cerebral infarct|angiogram,False +31254014,1101375,44420,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31297079,1101375,13719,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31395301,1101375,5378,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31459023,1101375,19529,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31070793,1101375,44420,neurologic|ICH/ cerebral infarct|angiogram,False +31324124,1101375,19529,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +31105213,1101375,19529,neurologic|ICH/ cerebral infarct|angiogram,False +31186699,1101375,13720,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31407348,1101375,14184,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31141703,1101375,13720,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31073549,1101375,5378,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31342077,1101375,19529,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30918367,1101375,2695,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31227938,1101375,19529,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +30896609,1101375,13719,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31107100,1101375,13720,neurologic|ICH/ cerebral infarct|angiogram,False +31187482,1101375,14184,neurologic|ICH/ cerebral infarct|angiogram,False +31422261,1101375,13719,neurologic|ICH/ cerebral infarct|angiogram,False +31257860,1101375,5378,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +31442495,1101375,13720,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31129890,1101375,21393,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31409554,1101375,13720,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31085499,1101375,13719,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31267144,1101375,13719,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31235312,1101375,14184,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31212824,1101375,13719,neurologic|seizure therapy|EEG monitoring,False +31057656,1101375,5378,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30891390,1101375,3407,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31042435,1101375,44123,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +30888429,1101375,21392,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31529728,1101375,3407,neurologic|ICH/ cerebral infarct|angiogram,False +31588981,1101375,44123,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30829723,1101375,19529,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +31000874,1101375,3407,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +30946694,1101375,44123,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31518918,1101375,21392,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31004366,1101375,3407,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31526313,1101375,44123,pulmonary|ventilation and oxygenation|mechanical ventilation,False +31598439,1101375,5378,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +30930488,1101375,44123,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31086805,1101375,14184,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31360810,1101375,44123,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31129047,1101375,19529,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +31203733,1101375,44123,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31438551,1101375,4084,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31191657,1101375,44123,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31076115,1101375,5378,neurologic|ICH/ cerebral infarct|angiogram,False +31263459,1101375,44123,neurologic|ICH/ cerebral infarct|angiogram,False +30964613,1101375,21393,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +31527810,1101375,44123,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31181139,1101375,5378,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31494582,1101375,44123,neurologic|ICH/ cerebral infarct|angiogram,False +31465942,1101375,4084,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +30972607,1101375,21392,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,False +31542670,1101375,4084,neurologic|therapy for controlling cerebral perfusion pressure|hypertonic saline administration,False +30922280,1101375,22880,neurologic|ICH/ cerebral infarct|angiogram,False +31508796,1101375,2695,neurologic|therapy for controlling cerebral perfusion pressure|intracranial/cerebral perfusion pressure monitoring|CSF drainage via ventriculostomy,False +31071323,1101375,2695,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +31555704,1101375,14184,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30824406,1101375,4084,neurologic|ICH/ cerebral infarct|angiogram,False +31410605,1101375,21393,neurologic|ICH/ cerebral infarct|angiogram,False +31101538,1101375,21392,neurologic|ICH/ cerebral infarct|angiogram,False +31081985,1101375,4084,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30875989,1101375,22880,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,False +31079461,1101375,22880,neurologic|pain / agitation / altered mentation|systemic glucocorticoid|dexamethasone,False +30833762,1101375,22880,pulmonary|ventilation and oxygenation|mechanical ventilation,False +30985489,1101375,44420,neurologic|seizure therapy|anticonvulsant|levetiracetam,False +31252624,1131174,18,cardiovascular|intravenous fluid|normal saline administration,True +31941619,1176674,99,cardiovascular|consultations|Cardiology consultation,True +32088977,1176674,99,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,True +32076295,1176675,6,cardiovascular|consultations|Cardiology consultation,False +31618406,1191262,36,neurologic|procedures / diagnostics|head CT scan,True +31932055,1191262,36,neurologic|consultations|Neurosurgery consultation,True +32073905,1193511,831,cardiovascular|consultations|Cardiology consultation,False +31866819,1193511,16,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +31744686,1193511,831,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +31848689,1193511,16,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +32058933,1193511,1707,cardiovascular|consultations|Cardiology consultation,False +31779726,1193511,831,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +31866206,1193511,7503,cardiovascular|myocardial ischemia / infarction|inotropic agent|dobutamine,True +31933424,1193511,831,cardiovascular|arrhythmias|anticoagulant administration|conventional heparin therapy,False +31990290,1193511,7503,cardiovascular|arrhythmias|anticoagulant administration|conventional heparin therapy,True +31859117,1193511,7503,renal|medications|intravenous diuretic|bumetanide,True +31998996,1193511,1707,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +31653869,1193511,7503,cardiovascular|shock|vasopressors|dopamine 5-15 micrograms/kg/min,True +32030809,1193511,1707,cardiovascular|myocardial ischemia / infarction|inotropic agent|dobutamine,False +31806770,1193511,7503,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +32105854,1193511,1707,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +31762530,1193511,7503,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +32069295,1193511,1707,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),False +31776620,1193511,7503,cardiovascular|consultations|Cardiology consultation,True +31674210,1193511,7503,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),True +31727857,1193511,1707,cardiovascular|shock|vasopressors|dopamine 5-15 micrograms/kg/min,False +31971660,1193511,7503,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,True +31760055,1193511,1707,cardiovascular|arrhythmias|anticoagulant administration|conventional heparin therapy,False +31694436,1193511,1707,renal|medications|intravenous diuretic|bumetanide,False +32274858,1226362,423,pulmonary|medications|antibacterials,False +32311728,1226362,19241,cardiovascular|ventricular dysfunction|intravenous diuretic,True +32864809,1226362,423,cardiovascular|ventricular dysfunction|intravenous diuretic,False +32541768,1226362,19241,pulmonary|ventilation and oxygenation|mechanical ventilation,True +32557067,1226362,423,pulmonary|ventilation and oxygenation|mechanical ventilation,False +32425767,1226362,19241,pulmonary|medications|antibacterials,True +32586360,1259416,96,renal|dialysis|hemodialysis,True +32266261,1290248,412,gastrointestinal|consultations|Gastroenterology consultation,True +32792431,1290248,412,gastrointestinal|intravenous fluid administration|blood product administration,True +32597104,1290248,412,gastrointestinal|intravenous fluid administration|normal saline administration,True +32645695,1290248,412,gastrointestinal|endoscopy/gastric instrumentation|esophagogastroduodenoscopy,True +32653792,1290248,412,renal|dialysis|hemodialysis,True +43941054,1437505,8,pulmonary|vascular disorders|VTE prophylaxis|compression stockings,True +43594070,1437505,8,renal|electrolyte correction|electrolyte administration|intravenous,True +43485893,1437505,8,endocrine|glucose metabolism|insulin|continuous infusion,True +43090024,1437505,8,renal|electrolyte correction|electrolyte administration|potassium,True +42792905,1457949,18,endocrine|glucose metabolism|insulin|sliding scale administration,True +43867440,1457949,18,cardiovascular|arrhythmias|anticoagulant administration|conventional heparin therapy|subcutaneous,True +42709704,1463884,78,renal|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +43676358,1463884,78,renal|electrolyte correction|electrolyte administration|intravenous,True +42773551,1463884,78,endocrine|glucose metabolism|insulin|continuous infusion,True +42521363,1488334,974,endocrine|glucose metabolism|insulin,True +42649466,1488334,331,endocrine|glucose metabolism|insulin,False +43830935,1488334,974,endocrine|electrolyte correction|administration of electrolytes|potassium,True +43911912,1488334,331,endocrine|electrolyte correction|administration of electrolytes|potassium,False +43771663,1488334,331,endocrine|electrolyte correction|administration of electrolytes|intravenous,False +43088247,1488334,974,endocrine|intravenous fluid administration|hypotonic fluid administration,True +43904594,1488334,331,endocrine|intravenous fluid administration|hypotonic fluid administration,False +42809657,1488334,974,endocrine|electrolyte correction|administration of electrolytes|intravenous,True +43794761,1488334,331,endocrine|intravenous fluid administration|normal saline administration,False +42599409,1488334,974,endocrine|intravenous fluid administration|normal saline administration,True +43711696,1536927,109,renal|electrolyte correction|electrolyte administration|magnesium,True +43367187,1536927,109,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +43799652,1536927,109,surgery|analgesics /sedatives/ nmbs|analgesics,True +42613731,1544756,81,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +42645772,1544756,81,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +42855253,1544756,81,cardiovascular|arrhythmias|anticoagulant administration|low molecular weight heparin|enoxaparin,True +43067239,1544756,81,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +43044795,1550318,32,surgery|intravenous fluids / electrolytes|administration of electrolytes|magnesium,True +43254659,1550318,32,neurologic|pain / agitation / altered mentation|analgesics|oral analgesics,True +43126980,1550318,32,pulmonary|vascular disorders|VTE prophylaxis|compression stockings,True +43081726,1550318,32,cardiovascular|hypertension|alpha/beta blocker|labetalol,True +44092221,1563281,2167,cardiovascular|intravenous fluid|blood product administration|packed red blood cells|transfusion of > 2 units prbc's,True +44320818,1563281,62,pulmonary|ventilation and oxygenation|mechanical ventilation,False +44177456,1588896,72,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +44182848,1588896,69,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +45157388,1671276,139,neurologic|pain / agitation / altered mentation|narcotic antagonist|naloxone (Narcan),True +44682584,1671276,139,endocrine|glucose metabolism|oral hypoglycemic administration,True +45131718,1671276,139,cardiovascular|ventricular dysfunction|oral diuretic|po furosemide,True +44515708,1671276,139,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +45108596,1671276,139,neurologic|pain / agitation / altered mentation|antidepressant|trazodone (Desyrel),True +44751669,1671276,139,gastrointestinal|medications|laxatives|doss (Colace),True +44991187,1671276,139,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|simvastatin,True +44568961,1671276,139,gastrointestinal|medications|antiemetic|anticholinergic|meclizine,True +45167641,1671276,139,neurologic|seizure therapy|anticonvulsant|gabapentin,True +44729209,1671276,139,gastrointestinal|medications|stress ulcer prophylaxis|sucralfate,True +45110770,1671276,139,neurologic|seizure therapy|anticonvulsant|levetiracetam,True +44494191,1671276,139,pulmonary|medications|bronchodilator|inhaled,True +45701180,1790816,40,cardiovascular|non-operative procedures|cardiac angiography|with stent placement|drug-eluting,True +52113784,1790816,40,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +48462468,1790816,40,cardiovascular|ventricular dysfunction|nitroglycerin|intravenous,True +52113785,1790816,40,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aggregation inhibitors|clopidogrel,True +45790743,1795300,80,cardiovascular|shock|administration of saline solution,False +54143060,1795300,2382,infectious diseases|cultures / immuno-assays|cultures|blood,True +46445568,1795300,80,infectious diseases|cultures / immuno-assays|cultures|blood,False +45429403,1795300,2382,cardiovascular|consultations|Cardiology consultation,True +46445569,1795300,80,infectious diseases|cultures / immuno-assays|cultures|urine,False +51555562,1795300,1180,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,False +50700139,1795300,1180,infectious diseases|consultations|Infectious Disease consultation,False +50362196,1795300,1180,infectious diseases|cultures / immuno-assays|cultures|blood,False +53539608,1795300,2382,infectious diseases|consultations|Infectious Disease consultation,True +46250804,1795300,1180,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +50362197,1795300,1180,infectious diseases|cultures / immuno-assays|cultures|urine,False +53400898,1795300,1180,cardiovascular|shock|administration of saline solution,False +48120673,1795300,2382,cardiovascular|shock|administration of saline solution,True +54143061,1795300,2382,infectious diseases|cultures / immuno-assays|cultures|urine,True +48620050,1795300,2382,pulmonary|medications|bronchodilator,True +53347712,1795300,1180,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +48888997,1795300,1180,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,False +52778970,1795300,1180,cardiovascular|arrhythmias|anticoagulant administration|coumadin,False +50294693,1795300,80,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +49993496,1795300,2382,cardiovascular|vascular disorders|VTE prophylaxis|compression boots,True +48467184,1795300,1180,cardiovascular|consultations|Cardiology consultation,False +48381442,1795300,2382,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,True +48579538,1795300,2382,hematology|red blood cell disorders|blood product administration|packed red blood cells|transfusion of 1-2 units prbc's,True +48844405,1795300,1180,endocrine|glucose metabolism|insulin|continuous infusion,False +50868495,1795300,2382,endocrine|glucose metabolism|insulin|sliding scale administration,True +48356503,1795300,1180,pulmonary|medications|bronchodilator,False +50434446,1795300,2382,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +48844404,1795300,1180,endocrine|glucose metabolism|insulin|sliding scale administration,False +49908330,1795300,2382,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +50868496,1795300,2382,endocrine|glucose metabolism|insulin|continuous infusion,True +47083778,1812280,4,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +48571383,1812280,4,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,True +52376903,1827129,35,surgery|cardiac therapies|vasodilator|labetalol,True +52376904,1827129,35,surgery|cardiac therapies|vasodilator|nicardipine,True +49630288,1849124,1209,cardiovascular|cardiac surgery|CABG|routine,True +50635989,1849124,20,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),False +51027527,1849124,1209,cardiovascular|myocardial ischemia / infarction|nitroglycerin|intravenous,True +53557409,1849124,20,cardiovascular|cardiac surgery|CABG|routine,False +50348405,1849124,20,cardiovascular|myocardial ischemia / infarction|nitroglycerin|intravenous,False +50315950,1849124,1209,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),True +45512866,1849124,1209,cardiovascular|ventricular dysfunction|inotropic agent|dobutamine,True +50258430,1849124,20,pulmonary|ventilation and oxygenation|mechanical ventilation,False +48970934,1849124,20,cardiovascular|ventricular dysfunction|inotropic agent|dobutamine,False +46891991,1852395,-52,cardiovascular|consultations|Vascular surgery consultation,False +47969629,1852395,1359,surgery|analgesics /sedatives/ nmbs|analgesics|PCA,True +53735286,1852395,-52,cardiovascular|consultations|Cardiology consultation,False +52627767,1852395,1359,cardiovascular|consultations|Vascular surgery consultation,True +50109857,1852395,1359,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,True +53668565,1852395,-52,surgery|analgesics /sedatives/ nmbs|analgesics|PCA,False +51882384,1852395,-52,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,False +48067541,1852395,1359,cardiovascular|consultations|Cardiology consultation,True +53212070,1852625,63,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +51171174,1852625,567,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|80-90%,True +49815174,1852625,110,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +48032179,1852625,567,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +52544398,1852625,567,pulmonary|ventilation and oxygenation|mechanical ventilation,True +51440691,1852625,63,renal|dialysis|hemodialysis,False +51453791,1852625,567,pulmonary|radiologic procedures / bronchoscopy|CT scan,True +49213151,1852625,567,renal|consultations|Nephrology consultation,True +53833539,1852625,63,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +51977388,1852625,110,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +52682116,1852625,63,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|>90%,False +51171175,1852625,567,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|reduce FIO2 as tolerated,True +54269081,1852625,110,renal|consultations|Nephrology consultation,False +52202204,1852625,110,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|reduce FIO2 as tolerated,False +45541621,1852625,567,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,True +50597704,1852625,567,cardiovascular|consultations|Cardiology consultation,True +53670010,1852625,63,renal|consultations|Nephrology consultation,False +52202203,1852625,110,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|>90%,False +48837428,1852625,110,renal|dialysis|hemodialysis,False +46148793,1852625,110,cardiovascular|consultations|Cardiology consultation,False +46473029,1852625,567,renal|dialysis|hemodialysis,True +52682117,1852625,63,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|reduce FIO2 as tolerated,False +47267761,1852625,63,cardiovascular|consultations|Cardiology consultation,False +46158426,1852625,110,pulmonary|ventilation and oxygenation|mechanical ventilation,False +45685387,1856167,17,pulmonary|ventilation and oxygenation|mechanical ventilation,False +52381609,1856167,17,pulmonary|ventilation and oxygenation|ventilator weaning,False +50144854,1856168,18580,gastrointestinal|nutrition|enteral feeds|tube feeding,True +47277486,1856168,6242,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +53151987,1856168,18580,neurologic|consultations|Neurology consultation,True +53016475,1856168,8892,pulmonary|ventilation and oxygenation|mechanical ventilation,False +50342232,1856168,18580,pulmonary|ventilation and oxygenation|ventilator weaning,True +46827993,1856168,7,pulmonary|ventilation and oxygenation|mechanical ventilation,False +47501646,1856168,18580,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,True +46113195,1856168,8892,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +46019555,1856168,7,pulmonary|ventilation and oxygenation|ventilator weaning,False +45446727,1856168,6242,pulmonary|ventilation and oxygenation|mechanical ventilation,False +46187072,1856168,8892,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +47789515,1856168,8892,gastrointestinal|nutrition|enteral feeds|tube feeding,False +46113194,1856168,8892,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +47684795,1856168,18580,pulmonary|ventilation and oxygenation|mechanical ventilation,True +50871108,1856168,8892,pulmonary|ventilation and oxygenation|ventilator weaning,False +52534177,1856168,6242,pulmonary|ventilation and oxygenation|ventilator weaning,False +48483861,1856168,18580,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,True +53949364,1856168,7,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +51024896,1856168,8892,neurologic|consultations|Neurology consultation,False +48483862,1856168,18580,neurologic|pain / agitation / altered mentation|sedative agent|propofol,True +55472258,2032114,41,cardiovascular|non-operative procedures|cardiac angiography|with stent placement,True +55960930,2032114,41,cardiovascular|vascular disorders|anticoagulant administration|thrombin inhibitors|bivalirudin,True +56295111,2032114,41,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +55542406,2075529,39,pulmonary|medications|antibacterials,True +55992706,2075529,39,pulmonary|medications|bronchodilator,True +55689888,2075529,39,cardiovascular|ventricular dysfunction|nitroglycerin,True +56828587,2075529,39,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +56769535,2075529,39,pulmonary|medications|analgesics,True +55664954,2193648,33,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +56014524,2193649,15,pulmonary|medications|analgesics,False +55485577,2193649,15,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +56801960,2193649,644,pulmonary|ventilation and oxygenation|mechanical ventilation|assist controlled,True +56599653,2193649,15,pulmonary|medications|bronchodilator,False +56770193,2193649,15,pulmonary|medications|antibacterials,False +55601725,2233402,42,surgery|GI therapies|stress ulcer prophylaxis,False +55702838,2233402,42,gastrointestinal|intravenous fluid administration|blood product administration|packed red blood cells,False +56347293,2233403,48,surgery|GI therapies|stress ulcer prophylaxis,True +55720631,2233403,48,gastrointestinal|intravenous fluid administration|blood product administration,True +57631728,2303499,10,pulmonary|medications|antibacterials,True +57234478,2303499,10,pulmonary|medications|glucocorticoid administration,True +57961160,2303500,35,pulmonary|medications|bronchodilator,False +57510310,2303500,35,pulmonary|medications|antibacterials,False +57364446,2303500,35,pulmonary|medications|glucocorticoid administration,False +57659184,2334053,17,pulmonary|medications|antibacterials,True +56903602,2450383,17,pulmonary|ventilation and oxygenation|mechanical ventilation|assist controlled,True +57556301,2450383,17,infectious diseases|medications|therapeutic antibacterials,True +57384966,2450383,17,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),True +57496275,2450383,17,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +56932575,2462225,75,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,True +57029522,2462225,75,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,True +57136712,2462225,75,neurologic|neuromyopathy therapy|monitor vital capacities for deterioration,True +57429688,2462225,75,neurologic|ICH/ cerebral infarct|anticoagulant administration|low molecular weight heparin|enoxaparin,True +57113747,2462225,75,pulmonary|medications|antibacterials,True +57058420,2469796,21,infectious diseases|medications|therapeutic antibacterials|aminoglycoside|gentamicin,True +57776020,2469796,21,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,True +57715054,2469796,21,infectious diseases|medications|therapeutic antibacterials|clindamycin,True +57551115,2469796,21,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,True +57719253,2469796,21,gastrointestinal|medications|stress ulcer prophylaxis|lansoprazole,True +57852307,2492811,50,pulmonary|medications|antibacterials|aminoglycoside|gentamicin,True +57169695,2492811,50,pulmonary|medications|antibacterials|vancomycin,True +57213783,2492812,26,pulmonary|medications|antibacterials,False +57119048,2512314,69,pulmonary|ventilation and oxygenation|non-invasive ventilation,True +57523529,2512314,69,pulmonary|medications|antibacterials,True +57634014,2512314,69,pulmonary|medications|bronchodilator,True +57503073,2512314,69,pulmonary|medications|glucocorticoid administration|parenteral,True +59986768,2580992,1046,pulmonary|medications|antibacterials|vancomycin,True +58866187,2580992,402,pulmonary|medications|antibacterials,False +59913477,2580992,402,pulmonary|ventilation and oxygenation|mechanical ventilation,False +60580740,2580992,1046,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,True +58805542,2580992,820,gastrointestinal|medications|antiemetic,False +59358534,2580992,1046,neurologic|pain / agitation / altered mentation|sedative agent|propofol,True +60128475,2580992,1046,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +58738777,2580992,1046,gastrointestinal|medications|stress ulcer prophylaxis,True +59973195,2580992,402,surgery|tubes and catheters|nasogastric tube,False +60555484,2580992,1046,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|face mask,True +58887375,2580992,1046,renal|urinary catheters|foley catheter,True +59891556,2580992,820,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +60130975,2580992,1046,gastrointestinal|medications|antiemetic,True +59795521,2580992,402,toxicology|drug overdose|agent specific therapy|tricyclic overdose|sodium bicarbonate,False +60577532,2580992,1046,toxicology|drug overdose|agent specific therapy|acetaminophen overdose|n-acetylcysteine,True +58883391,2580992,820,renal|urinary catheters|foley catheter,False +59782873,2580992,1046,pulmonary|consultations|Pulmonary/CCM consultation,True +59882779,2580992,402,pulmonary|medications|bronchodilator,False +60659709,2580992,1046,toxicology|drug overdose|Psychiatry consultation,True +59928309,2580992,820,pulmonary|medications|antibacterials|quinolone,False +60118476,2580992,1046,pulmonary|medications|antibacterials|quinolone,True +59812367,2580992,402,toxicology|drug overdose|endotracheal tube,False +59991340,2580992,1046,pulmonary|medications|antibacterials|monobactam|aztreonam,True +59673885,2580992,1046,cardiovascular|intravenous fluid|normal saline administration,True +60669933,2580992,402,gastrointestinal|medications|antiemetic,False +59979010,2580992,820,pulmonary|medications|antibacterials|vancomycin,False +60454515,2580992,402,toxicology|drug overdose|Psychiatry consultation,False +58893227,2580992,820,toxicology|drug overdose|mechanical ventilation,False +60361006,2580992,402,cardiovascular|vascular disorders|VTE prophylaxis,False +59716074,2580992,820,pulmonary|consultations|Pulmonary/CCM consultation,False +60123446,2580992,402,gastrointestinal|medications|stress ulcer prophylaxis,False +59505117,2580992,1046,toxicology|drug overdose|agent specific therapy|tricyclic overdose|sodium bicarbonate,True +60388327,2580992,402,renal|urinary catheters|foley catheter,False +59824224,2580992,820,pulmonary|medications|bronchodilator,False +58920000,2580992,402,cardiovascular|intravenous fluid|normal saline administration,False +59661952,2580992,402,toxicology|drug overdose|agent specific therapy|acetaminophen overdose|n-acetylcysteine,False +59102612,2580992,820,gastrointestinal|medications|stress ulcer prophylaxis,False +59121056,2580992,1046,toxicology|drug overdose|endotracheal tube,True +59789843,2580992,820,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +58943208,2580992,402,toxicology|drug overdose|mechanical ventilation,False +59718253,2580992,1046,surgery|tubes and catheters|nasogastric tube,True +59294892,2580992,1046,toxicology|drug overdose|mechanical ventilation,True +60048874,2580992,820,toxicology|drug overdose|agent specific therapy|tricyclic overdose|sodium bicarbonate,False +59098773,2580992,402,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +58892087,2580992,820,pulmonary|medications|antibacterials|monobactam|aztreonam,False +59218608,2580992,820,toxicology|drug overdose|Psychiatry consultation,False +59410327,2580992,1046,pulmonary|medications|bronchodilator,True +59590354,2580992,820,cardiovascular|intravenous fluid|normal saline administration,False +59038764,2580992,820,pulmonary|ventilation and oxygenation|mechanical ventilation,False +59446915,2580992,820,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +60352526,2580992,820,surgery|tubes and catheters|nasogastric tube,False +60197649,2580992,820,toxicology|drug overdose|agent specific therapy|acetaminophen overdose|n-acetylcysteine,False +60385632,2580992,820,toxicology|drug overdose|endotracheal tube,False +58935350,2597776,1021,cardiovascular|myocardial ischemia / infarction|beta blocker,False +58992166,2597776,1021,oncology|medications|chemotherapy,False +58677627,2597776,1021,neurologic|seizure therapy|anticonvulsant|gabapentin,False +59036636,2597776,27,renal|intravenous fluid|normal saline administration,False +58885146,2597776,1021,oncology|medications|systemic glucocorticoid,False +59209174,2597776,1021,renal|medications|systemic antibiotics|vancomycin,False +60080670,2597776,1021,renal|intravenous fluid|normal saline administration,False +60614533,2597776,27,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +58832907,2597776,27,cardiovascular|myocardial ischemia / infarction|beta blocker,False +60654076,2597776,1021,renal|medications|systemic antibiotics|cephalosporin,False +60373074,2597776,27,oncology|medications|systemic glucocorticoid,False +59044813,2597776,1021,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59991808,2597776,27,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59704964,2597776,27,renal|medications|systemic antibiotics|cephalosporin,False +60310449,2597776,1021,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,False +59313690,2597776,27,oncology|medications|chemotherapy,False +60290483,2597776,1021,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +58823924,2597776,27,renal|medications|systemic antibiotics|vancomycin,False +60042165,2597777,1078,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59319239,2597777,860,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59055813,2597777,860,oncology|medications|chemotherapy,False +59755835,2597777,860,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|non-rebreather mask,False +60602300,2597777,1078,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +58730152,2597777,860,cardiovascular|arrhythmias|electrolyte administration,False +58873644,2597777,860,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +59655971,2597777,1078,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +59996237,2597777,90,oncology|medications|chemotherapy,False +59233453,2597777,1078,neurologic|seizure therapy|anticonvulsant|gabapentin,False +60281655,2597777,860,cardiovascular|vascular disorders|anticoagulant administration,False +59270954,2597777,90,cardiovascular|arrhythmias|electrolyte administration,False +60354942,2597777,112,oncology|medications|systemic glucocorticoid,False +59282410,2597777,860,neurologic|seizure therapy|anticonvulsant|gabapentin,False +60289275,2597777,860,oncology|medications|systemic glucocorticoid,False +59852926,2597777,860,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +60150352,2597777,860,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +58926335,2597777,90,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|face mask,False +59060828,2597777,129,cardiovascular|arrhythmias|electrolyte administration,False +59647842,2597777,1078,oncology|medications|systemic glucocorticoid,False +59154017,2597777,6935,oncology|medications|systemic glucocorticoid,True +59777447,2597777,129,cardiovascular|vascular disorders|anticoagulant administration,False +59263629,2597777,1078,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|non-rebreather mask,False +59900987,2597777,6935,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,True +60594156,2597777,860,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +59264517,2597777,112,neurologic|seizure therapy|anticonvulsant|gabapentin,False +58990552,2597777,6935,pulmonary|medications|antibacterials|vancomycin,True +59395265,2597777,129,neurologic|seizure therapy|anticonvulsant|gabapentin,False +59526864,2597777,1078,infectious diseases|cultures / immuno-assays|cultures|sputum|fungal,False +59388554,2597777,6935,infectious diseases|cultures / immuno-assays|cultures|sputum|bacterial,True +60435139,2597777,90,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59267146,2597777,1078,pulmonary|consultations|Pulmonary/CCM consultation,False +58946861,2597777,6935,neurologic|pain / agitation / altered mentation|analgesics,True +60239273,2597777,129,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59597431,2597777,90,cardiovascular|vascular disorders|anticoagulant administration,False +58919607,2597777,129,oncology|medications|systemic glucocorticoid,False +60406787,2597777,90,neurologic|seizure therapy|anticonvulsant|gabapentin,False +59747172,2597777,1078,oncology|medications|chemotherapy,False +59145935,2597777,6935,neurologic|seizure therapy|anticonvulsant|gabapentin,True +60568500,2597777,112,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59103951,2597777,1078,cardiovascular|arrhythmias|electrolyte administration,False +58829826,2597777,1078,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +59236750,2597777,129,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59832303,2597777,112,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +60096029,2597777,90,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|30-40%,False +60702325,2597777,129,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +59417698,2597777,1078,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +59313167,2597777,6935,pulmonary|consultations|Pulmonary/CCM consultation,True +59761385,2597777,129,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +59056705,2597777,112,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|face mask,False +58879167,2597777,129,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +60294028,2597777,129,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|face mask,False +59224699,2597777,1078,infectious diseases|cultures / immuno-assays|cultures|sputum|bacterial,False +58909053,2597777,1078,cardiovascular|vascular disorders|anticoagulant administration,False +59833819,2597777,129,oncology|medications|chemotherapy,False +59889424,2597777,112,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +59800227,2597777,6935,cardiovascular|arrhythmias|electrolyte administration,True +59471082,2597777,90,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +58869674,2597777,129,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|30-40%,False +59738065,2597777,112,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +60536273,2597777,6935,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%)|non-rebreather mask,True +59527493,2597777,112,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|30-40%,False +60334140,2597777,6935,cardiovascular|vascular disorders|anticoagulant administration,True +58769292,2597777,112,cardiovascular|arrhythmias|electrolyte administration,False +60549235,2597777,6935,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,True +59473768,2597777,112,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +60504961,2597777,6935,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +59107484,2597777,90,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +60567732,2597777,6935,infectious diseases|cultures / immuno-assays|cultures|sputum|fungal,True +59535079,2597777,90,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +60380512,2597777,6935,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +59250473,2597777,90,oncology|medications|systemic glucocorticoid,False +60440450,2597777,6935,oncology|medications|chemotherapy,True +59492230,2597777,112,oncology|medications|chemotherapy,False +60479216,2597777,6935,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,True +59460540,2597777,112,cardiovascular|vascular disorders|anticoagulant administration,False +59129445,2609672,176,endocrine|glucose metabolism|glucose|D10W,True +58694879,2609672,176,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +59371247,2609672,176,infectious diseases|medications|therapeutic antibacterials|quinolone,True +60239436,2609672,176,endocrine|adrenal disorders|glucocorticoids|dexamethasone,True +59954559,2609672,176,endocrine|adrenal disorders|glucocorticoids|hydrocortisone,True +60684329,2609672,176,infectious diseases|cultures / immuno-assays|cultures|urine,True +59934732,2609672,176,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,True +59637388,2609672,176,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +60484097,2609672,176,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy,True +59845705,2609672,176,endocrine|consultations|Endocrinology consultation,True +59701577,2609672,176,cardiovascular|myocardial ischemia / infarction|beta blocker,True +59617968,2609672,176,infectious diseases|cultures / immuno-assays|cultures|blood,True +59762836,2609672,176,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent,True +60670391,2610399,279,pulmonary|radiologic procedures / bronchoscopy|angiography|pulmonary angiogram,True +59736176,2610399,52,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +60654235,2610399,279,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +58815396,2610399,277,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,False +59326029,2610399,52,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +59542909,2610399,279,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,True +59651391,2610399,52,endocrine|glucose metabolism|insulin|sliding scale administration,False +58935724,2610399,279,cardiovascular|non-operative procedures|diagnostic ultrasound of heart|transthoracic echocardiography,True +59134185,2610399,279,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,True +60432733,2610399,277,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +58865422,2610399,279,endocrine|glucose metabolism|insulin|sliding scale administration,True +59261447,2610399,277,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +60082326,2610399,277,pulmonary|radiologic procedures / bronchoscopy|angiography|pulmonary angiogram,False +59366729,2610399,277,endocrine|glucose metabolism|insulin|sliding scale administration,False +60398722,2627574,117,pulmonary|consultations|Pulmonary/CCM consultation,False +58712793,2627574,117,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +58724669,2627574,2119,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|pravastatin,True +60559914,2627574,2119,cardiovascular|hypertension|analgesics|narcotic analgesic,True +59363481,2627574,117,cardiovascular|ventricular dysfunction|intravenous diuretic|IV furosemide,False +58962712,2627574,2119,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +60521226,2627574,117,pulmonary|ventilation and oxygenation|non-invasive ventilation,False +59805977,2627574,117,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +59137969,2627574,2119,gastrointestinal|medications|antiemetic|serotonin antagonist|ondansetron,True +60638410,2627574,117,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +58832802,2627574,117,cardiovascular|ventricular dysfunction|intravenous diuretic|IV diuretic - bolus infusion,False +59070818,2627574,2119,cardiovascular|arrhythmias|anticoagulant administration|conventional heparin therapy|subcutaneous,True +59322569,2627574,2119,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,True +59087131,2627574,117,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +58750624,2627574,2119,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +60697681,2627574,2119,cardiovascular|hypertension|analgesics|non-narcotic analgesic|acetaminophen,True +59196240,2627574,117,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +58866613,2627574,2119,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +59644602,2627574,2119,pulmonary|medications|antibacterials|third generation cephalosporin|ceftriaxone,True +58902912,2627574,2119,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +60067034,2627574,2119,renal|urinary catheters|foley catheter,True +60026055,2627574,2119,pulmonary|consultations|Pulmonary/CCM consultation,True +60275769,2628859,27,pulmonary|medications|antibacterials|vancomycin,False +59470919,2628859,3120,pulmonary|medications|antibacterials|quinolone|levofloxacin,True +60276861,2628859,27,endocrine|glucose metabolism|insulin|sliding scale administration,False +59665955,2628859,2663,endocrine|glucose metabolism|insulin|sliding scale administration,False +60180573,2628859,27,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +59695715,2628859,27,pulmonary|medications|antibacterials|penicillins,False +60297286,2628859,27,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy,False +60086831,2628859,3120,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),True +60363457,2628859,27,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +58878241,2628859,2665,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,False +60426954,2628859,27,pulmonary|medications|antibacterials|quinolone,False +59555887,2628859,27,cardiovascular|arrhythmias|digoxin,False +60558769,2628859,27,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|pravastatin,False +60670758,2628859,3120,pulmonary|radiologic procedures / bronchoscopy|CT scan,True +59329144,2628859,3120,hematology|coagulation and platelets|blood product administration|packed red blood cells|transfusion of 1-2 units prbc's,True +60495106,2628859,27,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +60073802,2628859,27,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59596177,2628859,2665,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy,False +58950387,2628859,3120,cardiovascular|arrhythmias|digoxin,True +58846597,2628859,2665,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +59439046,2628859,3120,pulmonary|medications|bronchodilator|ipratropium,True +59568545,2628859,2663,cardiovascular|arrhythmias|digoxin,False +59604490,2628859,3120,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|pravastatin,True +59019761,2628859,2663,pulmonary|medications|antibacterials|quinolone,False +58895721,2628859,3120,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,True +60540577,2628859,2665,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59285467,2628859,3120,endocrine|glucose metabolism|insulin|sliding scale administration,True +60179957,2628859,2663,cardiovascular|myocardial ischemia / infarction|beta blocker|metoprolol,False +59679921,2628859,3120,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +59087927,2628859,2663,pulmonary|medications|antibacterials|penicillins,False +59823005,2628859,3120,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy,True +60511077,2628859,2665,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +59308545,2628859,3120,pulmonary|medications|antibacterials|vancomycin,True +60279026,2628859,2663,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy,False +59785905,2628859,3120,pulmonary|medications|antibacterials|penicillins|piperacillin/tazobactam,True +59444447,2628859,2665,cardiovascular|arrhythmias|digoxin,False +59234407,2628859,3120,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +60698517,2628859,2663,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +60129845,2628859,2665,pulmonary|medications|bronchodilator|ipratropium,False +59328662,2628859,2663,pulmonary|medications|antibacterials|vancomycin,False +60505405,2628859,2665,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +59987744,2628859,2665,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +59140897,2628859,2663,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +60662972,2628859,2665,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|pravastatin,False +60193125,2628859,2665,endocrine|glucose metabolism|insulin|sliding scale administration,False +60592656,2628859,2663,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +60325415,2628859,2663,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|pravastatin,False +60135988,2628859,2663,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +60415247,2628859,2665,pulmonary|medications|antibacterials|vancomycin,False +59735210,2630865,3530,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aggregation inhibitors|clopidogrel,False +59088529,2630865,3530,pulmonary|medications|glucocorticoid administration|parenteral,False +58754053,2630865,157,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin,False +59894693,2630865,2080,renal|medications|bicarbonate,False +59124915,2630865,157,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +59304805,2630865,157,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aggregation inhibitors|clopidogrel,False +58766268,2630865,2080,neurologic|procedures / diagnostics|EEG,False +60633690,2630865,2080,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +59057299,2630865,2080,neurologic|consultations|Neurology consultation,False +59514491,2630865,2080,pulmonary|medications|glucocorticoid administration|parenteral,False +60154040,2630865,3530,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +59309584,2630865,157,renal|medications|bicarbonate,False +59768171,2630865,157,pulmonary|medications|antibacterials|quinolone,False +59381571,2630865,3530,pulmonary|ventilation and oxygenation|mechanical ventilation,False +60020525,2630865,2080,pulmonary|ventilation and oxygenation|mechanical ventilation,False +59390936,2630865,4454,general|quality measures|palliative care consultation,True +60043159,2630865,4454,neurologic|consultations|Neurology consultation,True +59767517,2630865,3530,general|quality measures|palliative care consultation,False +60247132,2630865,3530,neurologic|consultations|Neurology consultation,False +59327640,2630865,157,pulmonary|medications|glucocorticoid administration|parenteral,False +60427806,2630865,3530,pulmonary|medications|antibacterials|quinolone,False +59576711,2630865,3530,neurologic|procedures / diagnostics|EEG,False +60296815,2630865,3530,renal|medications|bicarbonate,False +59343060,2630865,157,pulmonary|ventilation and oxygenation|mechanical ventilation,False +60455539,2630865,2080,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aggregation inhibitors|clopidogrel,False +59423454,2630865,4454,neurologic|procedures / diagnostics|EEG,True +60465811,2630865,3530,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin,False +60687501,2630865,2080,pulmonary|medications|antibacterials|quinolone,False +60343288,2630865,2080,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin,False +65773495,2672664,38,cardiovascular|hypertension|beta blocker|metoprolol,False +66916577,2672664,1548,surgery|wounds / temperature|wound care,True +64577943,2672664,1548,cardiovascular|hypertension|beta blocker|metoprolol,True +63688116,2672664,38,cardiovascular|intravenous fluid|hypotonic fluid administration|D5 half-normal saline,False +63189351,2672664,38,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +62471660,2672664,1548,cardiovascular|intravenous fluid|hypotonic fluid administration|D5 half-normal saline,True +65700483,2672664,38,infectious diseases|procedures|drainage procedure - surgical,False +62905116,2672664,1548,endocrine|glucose metabolism|insulin|sliding scale administration,True +66293747,2672664,1548,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +62988617,2672664,38,surgery|wounds / temperature|wound care,False +66562382,2672664,1548,infectious diseases|procedures|drainage procedure - surgical,True +65837572,2672664,38,endocrine|glucose metabolism|insulin|continuous infusion,False +62474884,2687268,61,cardiovascular|cardiac surgery|CABG,False +65716056,2687268,253,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube removal,True +66705218,2687268,61,gastrointestinal|medications|stress ulcer prophylaxis,False +63676374,2687268,61,pulmonary|ventilation and oxygenation|mechanical ventilation,False +67038536,2687268,61,endocrine|glucose metabolism|insulin,False +65224030,2687268,253,cardiovascular|non-operative procedures|pulmonary artery catheter placement,True +66100326,2687268,61,pulmonary|ventilation and oxygenation|ventilator weaning,False +62934166,2687268,61,cardiovascular|non-operative procedures|pulmonary artery catheter placement,False +64685110,2687268,253,cardiovascular|cardiac surgery|CABG,True +63620164,2687268,61,pulmonary|ventilation and oxygenation|oxygen therapy (> 60%),False +66355701,2687268,253,gastrointestinal|medications|stress ulcer prophylaxis,True +63382076,2687268,61,pulmonary|ventilation and oxygenation|CPAP/PEEP therapy,False +67105226,2687268,253,endocrine|glucose metabolism|insulin,True +65296181,2694459,10,gastrointestinal|medications|analgesics,True +60934665,2694459,10,neurologic|pain / agitation / altered mentation|physical restraints,True +63757463,2694459,10,neurologic|pain / agitation / altered mentation|sedative agent|lorazepam,True +62137992,2694459,10,pulmonary|consultations|Pulmonary/CCM consultation,True +66479084,2694459,10,gastrointestinal|medications|stress ulcer prophylaxis,True +66096465,2694459,10,gastrointestinal|medications|antibiotics,True +61058775,2735662,247,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +66536804,2735662,3425,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +67102089,2735662,67,cardiovascular|hypertension|beta blocker|atenolol,False +67264544,2735662,3425,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,False +67027482,2735662,3425,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +64612304,2735662,5265,cardiovascular|intravenous fluid|normal saline administration,True +61140539,2735662,247,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +65616541,2735662,67,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +66843939,2735662,67,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +67087570,2735662,5265,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,True +66319838,2735662,2267,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +64454047,2735662,2267,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +65703814,2735662,2267,cardiovascular|hypertension|beta blocker|atenolol,False +66174361,2735662,3425,infectious diseases|medications|therapeutic antibacterials|carbapenem|imipenem-cilastatin,False +67157634,2735662,2267,infectious diseases|medications|therapeutic antibacterials|carbapenem|imipenem-cilastatin,False +66088968,2735662,5265,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +62821365,2735662,67,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +64461694,2735662,2267,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +67163087,2735662,2267,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +66287615,2735662,3425,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +65656958,2735662,2267,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|low molecular weight heparin|enoxaparin,False +61914635,2735662,67,cardiovascular|intravenous fluid|normal saline administration|moderate volume resuscitation (150-250 mls/hr),False +65432556,2735662,2267,cardiovascular|intravenous fluid|normal saline administration,False +66769644,2735662,5265,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,True +65307173,2735662,2267,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +61661602,2735662,67,endocrine|glucose metabolism|insulin|sliding scale administration,False +63046179,2735662,247,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +63128362,2735662,2267,renal|medications|intravenous diuretic|IV furosemide,False +64342592,2735662,247,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +61627037,2735662,67,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +64647413,2735662,247,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +61222101,2735662,2267,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +65212788,2735662,247,cardiovascular|hypertension|beta blocker|atenolol,False +66930812,2735662,5265,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,True +62361131,2735662,3425,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +62088703,2735662,247,endocrine|glucose metabolism|insulin|sliding scale administration,False +61435311,2735662,2267,endocrine|glucose metabolism|insulin|sliding scale administration,False +61006061,2735662,3425,cardiovascular|hypertension|beta blocker|atenolol,False +61535661,2735662,5265,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,True +66836522,2735662,5265,pulmonary|radiologic procedures / bronchoscopy|CT scan,True +65053765,2735662,67,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +61058546,2735662,5265,renal|medications|intravenous diuretic|IV furosemide,True +61421264,2735662,2267,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,False +65755453,2735662,3425,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +62525868,2735662,5265,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +64977816,2735662,67,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +63655589,2735662,2267,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +62659038,2735662,3425,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +62336456,2735662,67,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +61608913,2735662,247,cardiovascular|intravenous fluid|normal saline administration|moderate volume resuscitation (150-250 mls/hr),False +61038917,2735662,5265,gastrointestinal|medications|stress ulcer prophylaxis|omeprazole,True +64122777,2735662,3425,endocrine|glucose metabolism|insulin|sliding scale administration,False +62140219,2735662,5265,cardiovascular|hypertension|beta blocker|atenolol,True +61680809,2735662,3425,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,False +62939948,2735662,5265,endocrine|glucose metabolism|insulin|sliding scale administration,True +63378972,2735662,3425,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +61856017,2735662,5265,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,True +61649372,2735662,247,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +64262529,2735662,5265,infectious diseases|medications|therapeutic antibacterials|carbapenem|imipenem-cilastatin,True +65920639,2735662,3425,infectious diseases|medications|therapeutic antibacterials|third generation cephalosporin|ceftriaxone,False +63305191,2735662,5265,cardiovascular|vascular disorders|VTE prophylaxis|low molecular weight heparin,True +61817931,2735662,247,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +64170622,2735662,3425,cardiovascular|intravenous fluid|normal saline administration,False +63781881,2735662,3425,renal|medications|intravenous diuretic|IV furosemide,False +64855651,2740390,5490,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,False +64360340,2740390,5488,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,False +64607522,2740390,5490,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +65130953,2740390,8500,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +63285009,2740390,5490,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +63640567,2740390,5490,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +64282503,2740390,16970,neurologic|pain / agitation / altered mentation|sedative agent|propofol,True +61956461,2740390,5490,cardiovascular|shock|vasopressors|vasopressin,False +63859158,2740390,8500,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +64643099,2740390,8500,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +61380286,2740390,16970,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure support,True +65821887,2740390,16970,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,True +62760176,2740390,5490,cardiovascular|shock|vasopressors|vasopressin,False +65500319,2740390,62,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,False +61704250,2740390,5490,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +62574119,2740390,8500,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,False +63151878,2740390,16970,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,True +65241372,2740390,5490,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,False +66780826,2740390,5490,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +61399930,2740390,8500,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure support,False +65039145,2740390,5488,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +66454817,2740390,5490,pulmonary|ventilation and oxygenation|non-invasive ventilation|face mask,False +61072171,2740390,8500,cardiovascular|shock|vasopressors|vasopressin,False +66728705,2740390,5490,pulmonary|ventilation and oxygenation|mechanical ventilation|pressure support,False +66953964,2740390,16970,neurologic|pain / agitation / altered mentation|analgesics|bolus parenteral analgesics,True +66976732,2740390,16970,cardiovascular|shock|vasopressors|vasopressin,True +63620428,2743241,2076,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +62176656,2743241,4734,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +66724811,2743241,4734,infectious diseases|medications|therapeutic antibacterials|metronidazole,False +65656431,2743241,8343,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +67153551,2743241,2076,infectious diseases|medications|therapeutic antibacterials|metronidazole,False +63972611,2743241,8343,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,True +61363942,2743241,27,cardiovascular|intravenous fluid|normal saline administration,False +63238292,2743241,4734,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,False +63269547,2743241,2076,"gastrointestinal|radiology, diagnostic and procedures|CT scan",False +67225289,2743241,521,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +61504383,2743241,27,"gastrointestinal|radiology, diagnostic and procedures|CT scan",False +64092884,2743241,27,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +62710189,2743241,2076,renal|electrolyte correction|electrolyte administration|potassium,False +62842096,2743241,4734,pulmonary|medications|bronchodilator,False +61653532,2743241,2076,cardiovascular|ventricular dysfunction|intravenous diuretic,False +64489967,2743241,2719,pulmonary|medications|bronchodilator,False +63256265,2743241,2719,cardiovascular|arrhythmias|antiarrhythmics|class IV antiarrhythmic|diltiazem,False +66942439,2743241,8343,pulmonary|medications|bronchodilator,True +66841957,2743241,4734,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +64812759,2743241,2076,infectious diseases|medications|therapeutic antibacterials|quinolone|ciprofloxacin,False +66751871,2743241,2719,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +62898243,2743241,8343,infectious diseases|medications|therapeutic antibacterials|metronidazole,True +65438198,2743241,4734,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +64523060,2743241,27,infectious diseases|medications|therapeutic antibacterials|quinolone|ciprofloxacin,False +66172749,2743241,4734,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +65828731,2743241,8343,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,True +65329470,2743241,2719,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,False +62790364,2743241,521,infectious diseases|medications|therapeutic antibacterials|quinolone|ciprofloxacin,False +61233368,2743241,2719,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +64395746,2743241,27,infectious diseases|medications|therapeutic antibacterials|metronidazole,False +65582433,2743241,521,infectious diseases|medications|therapeutic antibacterials|metronidazole,False +65800592,2743241,27,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +67207588,2743241,521,"gastrointestinal|radiology, diagnostic and procedures|CT scan",False +64886797,2743241,521,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +65830981,2743241,2076,cardiovascular|intravenous fluid|normal saline administration,False +66974872,2743241,521,cardiovascular|intravenous fluid|normal saline administration,False +66969879,2743241,8343,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,True +62504864,2743241,2719,infectious diseases|medications|therapeutic antibacterials|metronidazole,False +66394901,2743241,8343,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole,True +64913373,2743241,2076,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +61379492,2743241,2719,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +65102870,2747612,29,cardiovascular|intravenous fluid|normal saline administration,True +64059478,2747612,29,neurologic|procedures / diagnostics|head CT scan,True +64900442,2747612,29,neurologic|therapy for controlling cerebral perfusion pressure|antihypertensive drug|hydralazine,True +62284723,2747612,29,cardiovascular|myocardial ischemia / infarction|thrombolytic therapy|alteplase,True +65042577,2787456,59,infectious diseases|procedures|vascular catheter placement|central venous,True +63588621,2787456,59,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +65128513,2787456,59,surgery|consultations|Surgery consultation,True +65312228,2797147,13,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +63312170,2797147,30,renal|intravenous fluid|normal saline administration,True +66750702,2797147,21,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +62960108,2797147,30,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,True +62426311,2797147,13,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,False +63577490,2797147,21,pulmonary|medications|bronchodilator,False +61253503,2797147,30,pulmonary|medications|bronchodilator,True +64174163,2797147,30,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,True +61755622,2797147,21,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,False +64268620,2797147,30,renal|electrolyte correction|treatment of hyperkalemia|insulin / glucose,True +62214429,2797147,13,pulmonary|medications|bronchodilator,False +64349826,2797147,30,renal|electrolyte correction|treatment of hyperkalemia|kayexalate,True +64152811,2797147,30,renal|electrolyte correction|treatment of hyperkalemia|intravenous calcium,True +64820827,2833949,119,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%),True +62715872,2833949,119,pulmonary|medications|bronchodilator,True +63401149,2833949,119,renal|medications|n-acetylcysteine,True +60956220,2853320,81,endocrine|electrolyte correction|treatment of hyperkalemia|kayexalate,True +64289367,2853320,81,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +62515802,2853320,81,endocrine|thyroid disorder|antithyroid therapy|methimazole,True +65915723,2853320,81,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,True +61255826,2853320,81,infectious diseases|cultures / immuno-assays|cultures|urine,True +66031242,2853320,81,infectious diseases|cultures / immuno-assays|cultures|blood,True +61251705,2853320,81,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,True +64770492,2853320,81,cardiovascular|intravenous fluid|normal saline administration,True +63095114,2853320,81,infectious diseases|medications|therapeutic antibacterials|quinolone|levofloxacin,True +64860344,2853320,81,infectious diseases|medications|antifungal therapy|fluconazole,True +63008531,2853320,81,endocrine|glucose metabolism|insulin,True +65103407,2853320,81,neurologic|pain / agitation / altered mentation|analgesics|oral analgesics,True +61373381,2853358,32,cardiovascular|intravenous fluid|normal saline administration,False +66760259,2853358,32,renal|electrolyte correction|electrolyte administration|magnesium,False +64783974,2853358,126,cardiovascular|intravenous fluid|normal saline administration,True +64981255,2853358,126,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|conventional heparin therapy,True +66789333,2853358,32,renal|electrolyte correction|electrolyte administration|potassium,False +61091719,2853358,32,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|conventional heparin therapy,False +67315213,2853358,126,renal|electrolyte correction|electrolyte administration|magnesium,True +61173787,2853358,126,renal|electrolyte correction|electrolyte administration|potassium,True +65359351,2857777,49,infectious diseases|cultures / immuno-assays|cultures|blood,False +63067191,2857777,196,infectious diseases|medications|antifungal therapy,True +61034288,2857777,49,renal|electrolyte correction|electrolyte administration|magnesium,False +63770550,2857777,185,endocrine|glucose metabolism|insulin|sliding scale administration,False +64166263,2857777,49,infectious diseases|cultures / immuno-assays|cultures|urine,False +60966796,2857777,185,infectious diseases|cultures / immuno-assays|C. difficile toxin,False +63273187,2857777,49,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,False +65940072,2857777,49,infectious diseases|cultures / immuno-assays|cultures|stool,False +67144963,2857777,185,renal|electrolyte correction|electrolyte administration|magnesium,False +64168490,2857777,196,renal|electrolyte correction|electrolyte administration|magnesium,True +65237360,2857777,185,infectious diseases|cultures / immuno-assays|C. difficile toxin,False +64985454,2857777,185,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +63234913,2857777,185,renal|electrolyte correction|electrolyte administration|magnesium,False +66506711,2857777,196,endocrine|glucose metabolism|insulin|sliding scale administration,True +61145341,2857777,185,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,False +63631020,2857777,185,infectious diseases|cultures / immuno-assays|cultures|stool,False +63456112,2857777,49,infectious diseases|cultures / immuno-assays|C. difficile toxin,False +64106683,2857777,185,pulmonary|medications|bronchodilator,False +65705717,2857777,196,infectious diseases|cultures / immuno-assays|cultures|urine,True +66926747,2857777,196,cardiovascular|myocardial ischemia / infarction|anticoagulant administration,True +62440980,2857777,185,pulmonary|medications|bronchodilator,False +64055703,2857777,185,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,False +65851419,2857777,185,infectious diseases|cultures / immuno-assays|cultures|blood,False +63802604,2857777,196,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +63503615,2857777,49,endocrine|glucose metabolism|insulin|sliding scale administration,False +62181591,2857777,196,infectious diseases|medications|therapeutic antibacterials|fourth generation cephalosporin|cefepime,True +62490274,2857777,185,endocrine|glucose metabolism|insulin|sliding scale administration,False +62135503,2857777,196,pulmonary|medications|bronchodilator,True +62446252,2857777,196,infectious diseases|cultures / immuno-assays|cultures|stool,True +62234865,2857777,185,infectious diseases|cultures / immuno-assays|cultures|urine,False +61272090,2857777,196,infectious diseases|cultures / immuno-assays|C. difficile toxin,True +64617918,2857777,185,infectious diseases|cultures / immuno-assays|cultures|urine,False +62099388,2857777,185,infectious diseases|cultures / immuno-assays|cultures|blood,False +64722559,2857777,196,infectious diseases|cultures / immuno-assays|cultures|blood,True +61494122,2857777,185,infectious diseases|cultures / immuno-assays|cultures|stool,False +67046989,2857777,185,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +66962226,2866326,51,cardiovascular|vascular disorders|non-invasive testing for DVT,True +61815356,2866326,51,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),True +62257308,2866326,51,renal|dialysis|arteriovenous shunt for renal dialysis,True +62244225,2866326,51,cardiovascular|cardiac surgery|thrombectomy,True +64919793,2886662,24,endocrine|glucose metabolism|insulin|continuous infusion,True +64146480,2886662,24,pulmonary|consultations|Pulmonary/CCM consultation,True +66734391,2886662,24,cardiovascular|intravenous fluid|normal saline administration,True +66237528,2886662,24,infectious diseases|cultures / immuno-assays|cultures,True +64160248,2886662,24,infectious diseases|medications|therapeutic antibacterials,True +69626935,2999209,842,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),True +69249465,2999209,87,cardiovascular|intravenous fluid|normal saline administration|moderate volume resuscitation (150-250 mls/hr),False +67839932,2999209,842,cardiovascular|intravenous fluid|normal saline administration|moderate volume resuscitation (150-250 mls/hr),True +68641442,2999209,77,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),False +69147933,2999209,87,cardiovascular|shock|vasopressors|phenylephrine (Neosynephrine),False +69048568,3003035,94,endocrine|glucose metabolism|glucose|D10W,False +67793461,3003035,10444,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +67901099,3003035,16903,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +69219331,3003035,19120,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,True +67711831,3003035,10444,infectious diseases|consultations|Infectious Disease consultation,False +69109862,3003035,17190,endocrine|glucose metabolism|glucose|D50,False +68054723,3003035,10444,cardiovascular|consultations|Cardiology consultation,False +69285568,3003035,16903,endocrine|consultations|Endocrinology consultation,False +67594431,3003035,19120,endocrine|consultations|Endocrinology consultation,True +69708173,3003035,2245,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy|with transbronchial lung biopsy,False +68816408,3003035,10444,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +67735564,3003035,16903,endocrine|glucose metabolism|glucose|D50,False +67766716,3003035,10444,neurologic|procedures / diagnostics|head CT scan,False +69185391,3003035,17190,neurologic|consultations|Neurology consultation,False +68060108,3003035,10444,endocrine|glucose metabolism|insulin|sliding scale administration,False +68304925,3003035,16903,neurologic|consultations|Neurology consultation,False +69458322,3003035,10444,pulmonary|ventilation and oxygenation|mechanical ventilation,False +69715669,3003035,2245,cardiovascular|consultations|Cardiology consultation,False +68014227,3003035,19120,pulmonary|ventilation and oxygenation|mechanical ventilation,True +69257086,3003035,16903,general|support services|social work consult,False +68505019,3003035,19120,endocrine|glucose metabolism|glucose|D50,True +69102184,3003035,17190,pulmonary|ventilation and oxygenation|mechanical ventilation,False +67956967,3003035,19120,pulmonary|consultations|Pulmonary medicine consultation,True +68705662,3003035,16903,pulmonary|consultations|Pulmonary medicine consultation,False +69381206,3003035,10444,pulmonary|consultations|Pulmonary medicine consultation,False +69647118,3003035,2245,endocrine|glucose metabolism|insulin|sliding scale administration,False +68072748,3003035,19120,endocrine|glucose metabolism|insulin|sliding scale administration,True +69419124,3003035,16903,neurologic|procedures / diagnostics|head CT scan,False +68833108,3003035,19120,neurologic|consultations|Neurology consultation,True +67743054,3003035,9742,infectious diseases|consultations|Infectious Disease consultation,False +68156707,3003035,10444,endocrine|glucose metabolism|glucose|D10W,False +68384844,3003035,16903,pulmonary|medications|bronchodilator,False +69295131,3003035,10444,pulmonary|medications|antibacterials,False +69583544,3003035,9742,pulmonary|ventilation and oxygenation|mechanical ventilation,False +67960038,3003035,10444,endocrine|glucose metabolism|glucose|D50,False +69161516,3003035,16903,cardiovascular|consultations|Cardiology consultation,False +68923212,3003035,10444,endocrine|consultations|Endocrinology consultation,False +68134427,3003035,8292,neurologic|procedures / diagnostics|head CT scan,False +67936723,3003035,19120,pulmonary|medications|antibacterials,True +68435914,3003035,16903,endocrine|glucose metabolism|insulin|sliding scale administration,False +69652117,3003035,10444,pulmonary|medications|bronchodilator,False +68923416,3003035,9742,endocrine|glucose metabolism|glucose|D50,False +67925102,3003035,19120,cardiovascular|consultations|Cardiology consultation,True +69084572,3003035,16903,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +69128428,3003035,19120,endocrine|glucose metabolism|glucose|D10W,True +69586804,3003035,8292,pulmonary|medications|antibacterials,False +68087001,3003035,10444,general|support services|social work consult,False +68214408,3003035,16903,endocrine|glucose metabolism|glucose|D10W,False +68177219,3003035,19120,neurologic|procedures / diagnostics|head CT scan,True +68084163,3003035,8292,cardiovascular|consultations|Cardiology consultation,False +69178258,3003035,19120,pulmonary|medications|bronchodilator,True +68961774,3003035,16903,pulmonary|ventilation and oxygenation|mechanical ventilation,False +68233252,3003035,19120,pulmonary|radiologic procedures / bronchoscopy|CT scan,True +69006914,3003035,8292,pulmonary|ventilation and oxygenation|mechanical ventilation,False +68375947,3003035,10444,neurologic|consultations|Neurology consultation,False +68060729,3003035,16903,pulmonary|medications|antibacterials,False +68432426,3003035,19120,infectious diseases|consultations|Infectious Disease consultation,True +69365332,3003035,9742,general|support services|social work consult,False +67772350,3003035,2246,cardiovascular|consultations|Cardiology consultation,False +69706511,3003035,9742,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +69136037,3003035,16903,infectious diseases|consultations|Infectious Disease consultation,False +68608796,3003035,17190,pulmonary|medications|antibacterials,False +69605711,3003035,17190,infectious diseases|consultations|Infectious Disease consultation,False +67926633,3003035,8292,endocrine|glucose metabolism|insulin|sliding scale administration,False +68032067,3003035,17190,cardiovascular|consultations|Cardiology consultation,False +69436582,3003035,17190,endocrine|consultations|Endocrinology consultation,False +69065650,3003035,9742,pulmonary|medications|bronchodilator,False +69412831,3003035,1223,endocrine|consultations|Endocrinology consultation,False +68034426,3003035,8292,neurologic|consultations|Neurology consultation,False +68001387,3003035,17190,pulmonary|medications|bronchodilator,False +69242196,3003035,8292,endocrine|glucose metabolism|glucose|D10W,False +68340290,3003035,2245,endocrine|consultations|Endocrinology consultation,False +68136053,3003035,9742,pulmonary|medications|antibacterials,False +67813292,3003035,17190,endocrine|glucose metabolism|insulin|sliding scale administration,False +68944145,3003035,9742,neurologic|consultations|Neurology consultation,False +68972083,3003035,1223,neurologic|consultations|Neurology consultation,False +68012455,3003035,9742,endocrine|glucose metabolism|insulin|sliding scale administration,False +67629749,3003035,17190,neurologic|procedures / diagnostics|head CT scan,False +69046409,3003035,9742,neurologic|procedures / diagnostics|head CT scan,False +67868223,3003035,2246,endocrine|consultations|Endocrinology consultation,False +68456290,3003035,8292,endocrine|glucose metabolism|glucose|D50,False +67614866,3003035,17190,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +68980389,3003035,8292,endocrine|consultations|Endocrinology consultation,False +69421518,3003035,1223,pulmonary|consultations|Pulmonary medicine consultation,False +68274212,3003035,8292,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +67743039,3003035,17190,pulmonary|consultations|Pulmonary medicine consultation,False +68549664,3003035,9742,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +68336156,3003035,2246,endocrine|glucose metabolism|insulin|sliding scale administration,False +68218028,3003035,8292,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +67642716,3003035,17190,endocrine|glucose metabolism|glucose|D10W,False +68849055,3003035,9742,cardiovascular|consultations|Cardiology consultation,False +68990881,3003035,1223,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy|with bronchial alveolar lavage,False +68298979,3003035,9742,pulmonary|consultations|Pulmonary medicine consultation,False +68376850,3003035,17190,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +68553246,3003035,8292,pulmonary|medications|bronchodilator,False +69191054,3003035,2246,neurologic|procedures / diagnostics|head CT scan,False +68167977,3003035,9742,endocrine|glucose metabolism|glucose|D10W,False +67938869,3003035,1223,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +68776745,3003035,8292,pulmonary|consultations|Pulmonary medicine consultation,False +67901365,3003035,2245,pulmonary|consultations|Pulmonary medicine consultation,False +68361894,3003035,9742,endocrine|consultations|Endocrinology consultation,False +68813927,3003035,1223,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy|with transbronchial lung biopsy,False +67654161,3003035,2245,neurologic|consultations|Neurology consultation,False +68008911,3003035,1223,cardiovascular|consultations|Cardiology consultation,False +69513657,3003035,2246,endocrine|glucose metabolism|glucose|D10W,False +68961745,3003035,1223,endocrine|glucose metabolism|glucose|D10W,False +68200568,3003035,2245,neurologic|procedures / diagnostics|head CT scan,False +68006343,3003035,1223,endocrine|glucose metabolism|insulin|sliding scale administration,False +67650633,3003035,2245,endocrine|glucose metabolism|glucose|D10W,False +69126611,3003035,1223,neurologic|procedures / diagnostics|head CT scan,False +69103274,3003035,2245,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +69371376,3003035,1223,endocrine|glucose metabolism|glucose|D50,False +68750472,3003035,2246,pulmonary|radiologic procedures / bronchoscopy|CT scan,False +69288884,3003035,2245,pulmonary|radiologic procedures / bronchoscopy|bronchoscopy|with bronchial alveolar lavage,False +68955316,3003035,2245,endocrine|glucose metabolism|glucose|D50,False +69404812,3003035,2246,neurologic|consultations|Neurology consultation,False +68931505,3003035,2246,pulmonary|consultations|Pulmonary medicine consultation,False +68818091,3003035,2246,endocrine|glucose metabolism|glucose|D50,False +70331682,3083539,2241,cardiovascular|vascular disorders|VTE prophylaxis,True +71931470,3083539,2241,surgery|tubes and catheters|foley catheter,True +75603148,3083539,2241,pulmonary|medications|bronchodilator,True +75817121,3083539,162,pulmonary|medications|bronchodilator,False +70381698,3083539,162,gastrointestinal|medications|stress ulcer prophylaxis,False +70723411,3083539,2241,gastrointestinal|medications|stress ulcer prophylaxis,True +72656583,3083539,2241,infectious diseases|medications|therapeutic antibacterials,True +75259692,3083539,162,infectious diseases|medications|therapeutic antibacterials,False +70085975,3083539,162,cardiovascular|vascular disorders|VTE prophylaxis,False +72695606,3083539,162,surgery|tubes and catheters|foley catheter,False +74404303,3090122,1598,pulmonary|medications|bronchodilator,True +69884069,3090122,243,renal|electrolyte correction|electrolyte administration,False +74014069,3090122,1598,gastrointestinal|medications|stress ulcer treatment,True +71522872,3090122,243,gastrointestinal|medications|stress ulcer treatment,False +72641519,3090122,243,renal|urinary catheters|foley catheter,False +73164479,3090122,1598,pulmonary|medications|glucocorticoid administration,True +73944714,3090122,1598,neurologic|pain / agitation / altered mentation|sedative agent|lorazepam,True +72466013,3090122,1598,cardiovascular|myocardial ischemia / infarction|beta blocker,True +69771175,3090122,1598,pulmonary|medications|nicotine patch,True +71454083,3090122,243,pulmonary|medications|bronchodilator,False +71786312,3090122,243,cardiovascular|myocardial ischemia / infarction|nitroglycerin,False +70070979,3090122,1598,renal|electrolyte correction|electrolyte administration,True +73127097,3090122,243,neurologic|pain / agitation / altered mentation|sedative agent|lorazepam,False +71384836,3090122,243,pulmonary|medications|glucocorticoid administration,False +75064934,3090122,1598,pulmonary|medications|antibacterials,True +72581691,3090122,1598,cardiovascular|arrhythmias|antiarrhythmics,True +73585007,3090122,243,cardiovascular|arrhythmias|antiarrhythmics,False +71541717,3090122,243,infectious diseases|medications|therapeutic antibacterials,False +75725283,3090122,1598,infectious diseases|medications|therapeutic antibacterials,True +70205710,3090122,243,cardiovascular|myocardial ischemia / infarction|beta blocker,False +74552392,3090122,243,renal|electrolyte correction|treatment of hyponatremia,False +71341127,3090122,1598,cardiovascular|myocardial ischemia / infarction|ACE inhibitor,True +75854145,3090122,243,cardiovascular|myocardial ischemia / infarction|ACE inhibitor,False +71955857,3090122,1598,renal|urinary catheters|foley catheter,True +74730699,3090122,243,cardiovascular|myocardial ischemia / infarction|antiplatelet agent,False +71504168,3090122,1598,renal|electrolyte correction|treatment of hyponatremia,True +73157193,3090122,243,pulmonary|medications|antibacterials,False +71706737,3090122,1598,cardiovascular|myocardial ischemia / infarction|antiplatelet agent,True +73093457,3090122,1598,cardiovascular|myocardial ischemia / infarction|nitroglycerin,True +76668385,3090122,243,pulmonary|medications|nicotine patch,False +76890562,3135511,7919,cardiovascular|shock|administration of saline solution,True +77495393,3135511,2549,cardiovascular|shock|vasopressors|vasopressin,False +77489312,3135511,937,cardiovascular|shock|administration of saline solution,False +76952773,3135511,4197,cardiovascular|shock|vasopressors|vasopressin,False +77046253,3135511,411,cardiovascular|shock|vasopressors,False +77323120,3135511,7919,gastrointestinal|intravenous fluid administration|normal saline administration,True +76932148,3135511,937,cardiovascular|shock|vasopressors|vasopressin,False +77319995,3135511,4197,gastrointestinal|intravenous fluid administration|normal saline administration,False +76983818,3135511,5367,cardiovascular|shock|administration of saline solution,False +77057564,3135511,4197,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +77352428,3135511,937,gastrointestinal|intravenous fluid administration|normal saline administration,False +77449802,3135511,4197,cardiovascular|shock|administration of saline solution,False +77115810,3135511,411,cardiovascular|shock|administration of saline solution,False +77361067,3135511,937,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +77207406,3135511,6760,cardiovascular|shock|administration of saline solution,False +77330388,3135511,2549,gastrointestinal|intravenous fluid administration|normal saline administration,False +76911553,3135511,410,gastrointestinal|intravenous fluid administration|normal saline administration,False +77472430,3135511,2549,cardiovascular|shock|administration of saline solution,False +77028069,3135511,5367,gastrointestinal|intravenous fluid administration|normal saline administration,False +77362675,3135511,2549,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +77243568,3135511,411,gastrointestinal|intravenous fluid administration|normal saline administration,False +77132858,3135511,5367,cardiovascular|shock|vasopressors|vasopressin,False +76923970,3135511,6760,gastrointestinal|intravenous fluid administration|normal saline administration,False +77511086,3135511,5367,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +76921958,3135611,4562,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +77471403,3135611,3241,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|50-60%,False +76926133,3135611,1726,cardiovascular|arrhythmias|beta blocker|metoprolol,False +77512261,3135611,4562,endocrine|glucose metabolism|insulin|sliding scale administration,True +76885962,3135611,1726,endocrine|glucose metabolism|insulin|sliding scale administration,False +76953491,3135611,3241,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",False +77430436,3135611,4562,cardiovascular|arrhythmias|beta blocker|metoprolol,True +77203789,3135611,3241,endocrine|glucose metabolism|insulin|sliding scale administration,False +77481626,3135611,1726,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77022622,3135611,3241,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77447994,3135611,4562,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",True +77352992,3135611,448,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77433715,3135611,1726,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|50-60%,False +77023298,3135611,448,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|50-60%,False +77222213,3135611,4562,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,True +77331436,3135611,448,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,False +77223101,3135611,4562,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%)|50-60%,True +77099653,3135611,448,infectious diseases|medications|antimycobacterial therapy|M avium complex,False +77449393,3135611,1726,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +77472533,3135611,448,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +77301632,3135611,1726,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",False +76928244,3135611,448,cardiovascular|arrhythmias|beta blocker|metoprolol,False +77253133,3135611,4562,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,True +77130496,3135611,448,infectious diseases|medications|therapeutic antibacterials|clindamycin,False +77000546,3135611,1726,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +77099009,3135611,3241,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +76932743,3135611,1726,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,False +77221603,3135611,448,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +77100856,3135611,4562,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,True +77032444,3135611,3241,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +77136003,3135611,1726,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +77482113,3135611,448,"pulmonary|medications|bronchodilator|beta-agonist|albuterol (Proventil, Ventolin)",False +77054166,3135611,4562,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,True +77006467,3135611,3241,cardiovascular|arrhythmias|beta blocker|metoprolol,False +77121838,3135611,3241,infectious diseases|medications|therapeutic antibacterials|penicillins|piperacillin/tazobactam,False +77177485,3135611,3241,endocrine|adrenal disorders|glucocorticoids|methylprednisolone,False +77413907,3143195,111,pulmonary|vascular disorders|CT scan|spiral CT,True +77044805,3143195,19,pulmonary|vascular disorders|CT scan|spiral CT,False +77427541,3143195,19,gastrointestinal|medications|antibiotics,False +77298627,3143195,111,gastrointestinal|medications|antibiotics,True +77436701,3152779,16,neurologic|pain / agitation / altered mentation|sedative agent,False +77127819,3152779,16,surgery|analgesics /sedatives/ nmbs|analgesics|bolus parenteral analgesics,False +77367477,3152779,16,surgery|cardiac therapies|antiplatelet agent|aspirin,False +77209891,3152779,16,infectious diseases|procedures|vascular catheter placement,False +77378675,3152779,16,cardiovascular|cardiac surgery|CABG,False +77124607,3152779,16,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),False +77474550,3152779,16,surgery|infection|prophylactic antibacterials,False +77252278,3152779,16,pulmonary|consultations|Pulmonary/CCM consultation,False +77352003,3152779,16,cardiovascular|shock|blood product administration,False +77145734,3152779,16,cardiovascular|hypertension|beta blocker|metoprolol,False +77390260,3152779,16,cardiovascular|non-operative procedures|pulmonary artery catheter placement,False +77231683,3152779,16,pulmonary|ventilation and oxygenation|mechanical ventilation,False +76887152,3152779,16,surgery|GI therapies|stress ulcer prophylaxis|proton pump inhibitor|pantoprazole IV,False +76973702,3152779,817,cardiovascular|consultations|Cardiology consultation,True +77026258,3152779,16,cardiovascular|arrhythmias|overdrive pacing,False +77008560,3152779,16,surgery|tubes and catheters|chest tube,False +77500068,3152779,817,renal|electrolyte correction|electrolyte administration,True +77285416,3152779,16,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,False +76995229,3152779,817,cardiovascular|non-operative procedures|pulmonary artery catheter placement,True +77164446,3152779,16,cardiovascular|consultations|Cardiology consultation,False +76968196,3152779,817,cardiovascular|arrhythmias|antiarrhythmics|class III antiarrhythmic|amiodarone,True +77229499,3152779,16,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube,False +76902936,3152779,817,surgery|GI therapies|stress ulcer prophylaxis|proton pump inhibitor|pantoprazole IV,True +77052301,3152779,16,surgery|tubes and catheters|nasogastric tube,False +77063892,3152779,817,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube,True +77211420,3152779,16,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,False +76953140,3152779,817,cardiovascular|hypertension|beta blocker|metoprolol,True +77086704,3152779,16,cardiovascular|non-operative procedures|external pacemaker,False +77407214,3152779,817,surgery|tubes and catheters|chest tube,True +77321253,3152779,16,hematology|coagulation and platelets|antifibrinolytics|Amicar (aminocaproic acid),False +76957323,3152779,817,surgery|tubes and catheters|foley catheter,True +77124947,3152779,16,renal|electrolyte correction|electrolyte administration,False +77154751,3152779,817,pulmonary|ventilation and oxygenation|mechanical ventilation,True +77085517,3152779,16,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent,False +77104426,3152779,817,surgery|analgesics /sedatives/ nmbs|analgesics|bolus parenteral analgesics,True +77072901,3152779,16,surgery|tubes and catheters|foley catheter,False +77163591,3152779,817,infectious diseases|procedures|vascular catheter placement,True +77151665,3152779,16,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,False +77208449,3152779,817,pulmonary|radiologic procedures / bronchoscopy|chest x-ray,True +77338575,3152779,817,pulmonary|ventilation and oxygenation|oxygen therapy (40% to 60%),True +77141077,3152779,817,cardiovascular|arrhythmias|overdrive pacing,True +77282238,3152779,817,surgery|infection|prophylactic antibacterials,True +77171602,3152779,817,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent,True +77196577,3152779,817,hematology|coagulation and platelets|antifibrinolytics|Amicar (aminocaproic acid),True +77149991,3152779,817,cardiovascular|cardiac surgery|CABG,True +77429171,3152779,817,surgery|cardiac therapies|antiplatelet agent|aspirin,True +77100759,3152779,817,surgery|analgesics /sedatives/ nmbs|analgesics|narcotic analgesic,True +77280417,3152779,817,cardiovascular|shock|blood product administration,True +77309291,3152779,817,surgery|tubes and catheters|nasogastric tube,True +77185697,3152779,817,neurologic|pain / agitation / altered mentation|sedative agent,True +77118459,3152779,817,pulmonary|consultations|Pulmonary/CCM consultation,True +77506370,3152779,817,cardiovascular|non-operative procedures|external pacemaker,True +76911745,3153393,291,neurologic|pain / agitation / altered mentation|sedative agent|lorazepam,False +77402921,3153393,1529,infectious diseases|medications|therapeutic antibacterials|vancomycin,True +76947923,3153393,291,cardiovascular|intravenous fluid|colloid administration|albumin,False +77495923,3153393,1529,infectious diseases|medications|therapeutic antibacterials|carbapenem|imipenem-cilastatin,True +76901895,3153393,1529,cardiovascular|intravenous fluid|colloid administration|albumin,True +77289689,3153393,1529,endocrine|electrolyte correction|administration of electrolytes|intravenous,True +77345556,3153393,1529,renal|medications|bicarbonate|sodium bicarbonate,True +76992217,3153393,291,endocrine|electrolyte correction|administration of electrolytes|intravenous,False +77061556,3153393,1529,neurologic|pain / agitation / altered mentation|analgesics|continuous parenteral analgesics,True +77377926,3153393,1529,endocrine|electrolyte correction|administration of electrolytes|magnesium,True +76910118,3153393,1529,cardiovascular|other therapies|systemic glucocorticoid,True +77308375,3153393,1529,infectious diseases|medications|therapeutic antibacterials|empiric antibacterial coverage,True +77216966,3153393,291,cardiovascular|intravenous fluid|Lactated Ringer's administration|fluid bolus (250-1000mls),False +77171834,3153393,1529,renal|urinary catheters|foley catheter,True +76895467,3153393,1529,cardiovascular|shock|vasopressors,True +77331711,3153393,1529,hematology|coagulation and platelets|blood product administration,True +77297036,3153393,291,endocrine|electrolyte correction|administration of electrolytes|magnesium,False +77134033,3153393,1529,cardiovascular|shock|inotropic agent,True +77507662,3153393,291,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77077647,3153393,1529,endocrine|electrolyte correction|administration of electrolytes|potassium,True +77107272,3153393,291,cardiovascular|intravenous fluid|Lactated Ringer's administration|aggressive volume resuscitation (>250 mls/hr),False +77022880,3153393,1529,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +77379965,3153393,291,cardiovascular|shock|inotropic agent,False +77019327,3153393,291,infectious diseases|medications|therapeutic antibacterials|empiric antibacterial coverage,False +77393280,3153393,291,renal|urinary catheters|foley catheter,False +77269492,3153393,291,cardiovascular|shock|vasopressors,False +77501014,3153393,291,renal|medications|bicarbonate|sodium bicarbonate,False +77054882,3153393,291,infectious diseases|medications|therapeutic antibacterials|vancomycin,False +77402268,3153393,291,infectious diseases|medications|therapeutic antibacterials|quinolone,False +77009467,3153393,291,cardiovascular|other therapies|systemic glucocorticoid,False +77153055,3153393,291,endocrine|electrolyte correction|administration of electrolytes|potassium,False +77108927,3153393,291,neurologic|pain / agitation / altered mentation|analgesics|continuous parenteral analgesics,False +76953158,3153894,297,cardiovascular|myocardial ischemia / infarction|nitroglycerin,False +77507450,3153894,2662,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +77309833,3153894,5457,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +76934667,3153894,297,endocrine|glucose metabolism|insulin|continuous infusion,False +77379733,3153894,6995,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,False +77384325,3153894,297,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77144125,3153894,2662,cardiovascular|intravenous fluid|normal saline administration,False +77414208,3153894,5457,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77493644,3153894,2662,neurologic|pain / agitation / altered mentation|sedative agent|midazolam,False +77389885,3153894,929,cardiovascular|other therapies|antibacterials|third generation cephalosporin|ceftriaxone,False +77382414,3153894,2662,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +77299039,3153894,5457,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +77049675,3153894,2662,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +77404326,3153894,297,general|quality measures|smoking cessation counseling,False +77193067,3153894,2662,surgery|cardiac therapies|oral diuretic|spironolactone,False +77482656,3153894,5457,endocrine|glucose metabolism|insulin|subcutaneous dose of regular insulin,False +77079714,3153894,4173,cardiovascular|other therapies|antibacterials|third generation cephalosporin|ceftriaxone,False +77238253,3153894,929,cardiovascular|myocardial ischemia / infarction|nitroglycerin,False +77336202,3153894,6995,endocrine|glucose metabolism|insulin|sliding scale administration,False +77341394,3153894,5457,cardiovascular|intravenous fluid|normal saline administration,False +76980837,3153894,4173,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77518935,3153894,297,cardiovascular|intravenous fluid|normal saline administration,False +77211317,3153894,2662,cardiovascular|consultations|Cardiac surgery consultation,False +76951525,3153894,5457,cardiovascular|shock|intraaortic balloon pump,False +77063124,3153894,2662,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,False +77345290,3153894,929,neurologic|pain / agitation / altered mentation|sedative agent|midazolam,False +77154224,3153894,4173,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77186974,3153894,5457,general|quality measures|smoking cessation counseling,False +76988330,3153894,6995,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77326619,3153894,297,surgery|infection|cultures|blood,False +77453551,3153894,2662,cardiovascular|other therapies|antibacterials|third generation cephalosporin|ceftriaxone,False +76951975,3153894,5457,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +76944319,3153894,6995,cardiovascular|shock|intraaortic balloon pump,False +76902736,3153894,929,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,False +77171234,3153894,2662,surgery|infection|cultures|urine,False +77229382,3153894,5457,endocrine|glucose metabolism|insulin|sliding scale administration,False +77018033,3153894,6995,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77344729,3153894,297,surgery|cardiac therapies|oral diuretic|spironolactone,False +77427071,3153894,4173,cardiovascular|myocardial ischemia / infarction|alpha/beta blocker|carvedilol,False +77158368,3153894,5457,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,False +76993391,3153894,4173,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77308831,3153894,929,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +77454892,3153894,2662,surgery|infection|cultures|blood,False +77188209,3153894,5457,cardiovascular|consultations|Cardiology consultation,False +76940431,3153894,6995,endocrine|glucose metabolism|insulin|subcutaneous dose of regular insulin,False +77490625,3153894,297,surgery|infection|cultures|sputum,False +77373677,3153894,2662,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77199983,3153894,5457,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +76931200,3153894,6995,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +76917761,3153894,929,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77237678,3153894,2662,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77026131,3153894,5457,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +76915971,3153894,4173,neurologic|pain / agitation / altered mentation|sedative agent|midazolam,False +77342003,3153894,297,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77179772,3153894,4173,cardiovascular|intravenous fluid|normal saline administration,False +77014528,3153894,5457,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +77033282,3153894,6995,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77390024,3153894,929,pulmonary|medications|nicotine patch,False +77190585,3153894,4173,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,False +77250359,3153894,5457,cardiovascular|consultations|Cardiac surgery consultation,False +76971569,3153894,2662,pulmonary|ventilation and oxygenation|mechanical ventilation,False +77344071,3153894,297,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +77462892,3153894,2662,general|quality measures|smoking cessation counseling,False +76921444,3153894,8188,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +77124508,3153894,4173,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +76950012,3153894,929,general|quality measures|smoking cessation counseling,False +77364392,3153894,6995,cardiovascular|consultations|Cardiac surgery consultation,False +77261043,3153894,9649,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,True +77008480,3153894,4173,cardiovascular|consultations|Cardiac surgery consultation,False +77361419,3153894,297,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +77353615,3153894,2662,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77006049,3153894,9649,general|quality measures|smoking cessation counseling,True +77117400,3153894,4173,cardiovascular|myocardial ischemia / infarction|nitroglycerin,False +77310570,3153894,929,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77392329,3153894,6995,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77399051,3153894,9649,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,True +76969564,3153894,6995,cardiovascular|consultations|Cardiology consultation,False +77328612,3153894,297,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77383333,3153894,6995,cardiovascular|intravenous fluid|normal saline administration,False +76890575,3153894,9649,endocrine|glucose metabolism|insulin|sliding scale administration,True +76981924,3153894,4173,surgery|infection|cultures|urine,False +77130273,3153894,929,cardiovascular|myocardial ischemia / infarction|alpha/beta blocker|carvedilol,False +77205531,3153894,4173,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +77214652,3153894,9649,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,True +76926561,3153894,2662,surgery|infection|cultures|sputum,False +77460498,3153894,297,surgery|infection|cultures|urine,False +77273533,3153894,2662,cardiovascular|myocardial ischemia / infarction|nitroglycerin,False +77026436,3153894,9649,cardiovascular|consultations|Cardiac surgery consultation,True +76968384,3153894,2662,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,False +77383450,3153894,929,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +77458980,3153894,4173,cardiovascular|consultations|Cardiology consultation,False +77267436,3153894,8188,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +76966707,3153894,2662,cardiovascular|myocardial ischemia / infarction|alpha/beta blocker|carvedilol,False +77342052,3153894,297,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,False +77473885,3153894,2662,cardiovascular|consultations|Cardiology consultation,False +76890227,3153894,9649,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,True +76952634,3153894,2662,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77051981,3153894,929,endocrine|glucose metabolism|insulin|continuous infusion,False +77423833,3153894,2662,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,False +77501494,3153894,9649,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,True +76992375,3153894,4173,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77364971,3153894,929,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77374781,3153894,2662,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +77204818,3153894,9649,cardiovascular|intravenous fluid|normal saline administration,True +76931249,3153894,6995,general|quality measures|smoking cessation counseling,False +76932598,3153894,929,cardiovascular|intravenous fluid|normal saline administration,False +77208592,3153894,2662,pulmonary|medications|nicotine patch,False +77402416,3153894,8188,cardiovascular|consultations|Cardiac surgery consultation,False +77019525,3153894,4173,surgery|cardiac therapies|oral diuretic|spironolactone,False +77150848,3153894,929,surgery|infection|cultures|sputum,False +77500008,3153894,4173,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +76984426,3153894,8188,endocrine|glucose metabolism|insulin|sliding scale administration,False +76960973,3153894,2662,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +77182136,3153894,929,pulmonary|ventilation and oxygenation|mechanical ventilation,False +77358822,3153894,4173,endocrine|glucose metabolism|insulin|sliding scale administration,False +77244342,3153894,9649,cardiovascular|consultations|Cardiology consultation,True +76892786,3153894,4173,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +76889790,3153894,929,cardiovascular|myocardial ischemia / infarction|ACE inhibitor|lisinopril,False +77336502,3153894,6995,endocrine|glucose metabolism|insulin|subcutaneous dose of longer-acting insulin prepara,False +77076660,3153894,8188,cardiovascular|non-operative procedures|cardiac angiography|with angioplasty,False +77327622,3153894,4173,surgery|infection|cultures|sputum,False +77092491,3153894,929,surgery|GI therapies|stress ulcer prophylaxis|ranitidine,False +77504065,3153894,4173,cardiovascular|shock|intraaortic balloon pump,False +77273886,3153894,8188,cardiovascular|intravenous fluid|normal saline administration,False +77482749,3153894,4173,surgery|infection|cultures|blood,False +77199144,3153894,929,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77414204,3153894,4173,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,False +77036827,3153894,8188,general|quality measures|smoking cessation counseling,False +77400503,3153894,2662,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77224613,3153894,929,surgery|infection|cultures|blood,False +77402840,3153894,6995,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77372138,3153894,9649,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,True +77501633,3153894,2662,cardiovascular|shock|intraaortic balloon pump,False +76933548,3153894,929,surgery|cardiac therapies|oral diuretic|spironolactone,False +77149911,3153894,2662,endocrine|glucose metabolism|insulin|sliding scale administration,False +76923343,3153894,8188,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77278567,3153894,2662,surgery|GI therapies|stress ulcer prophylaxis|ranitidine,False +77247805,3153894,929,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77198307,3153894,4173,general|quality measures|smoking cessation counseling,False +77437566,3153894,8188,endocrine|glucose metabolism|insulin|subcutaneous dose of regular insulin,False +77364735,3153894,4173,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +76975359,3153894,929,surgery|infection|cultures|urine,False +77235803,3153894,4173,pulmonary|medications|nicotine patch,False +77181140,3153894,9649,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,True +77224546,3153894,4173,surgery|GI therapies|stress ulcer prophylaxis|ranitidine,False +76995421,3153894,929,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +77376329,3153894,9649,endocrine|glucose metabolism|insulin|subcutaneous dose of regular insulin,True +77007587,3153894,929,cardiovascular|myocardial ischemia / infarction|antiplatelet agent|aspirin,False +77001254,3153894,8188,gastrointestinal|medications|stress ulcer prophylaxis|pantoprazole|IV,False +77173641,3153894,297,cardiovascular|shock|vasopressors|norepinephrine <= 0.1 micrograms/kg/min,False +77345287,3153894,8188,cardiovascular|shock|intraaortic balloon pump,False +76992873,3153894,297,neurologic|pain / agitation / altered mentation|sedative agent|midazolam,False +76949047,3153894,9649,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,True +77150494,3153894,297,cardiovascular|vascular disorders|anticoagulant administration|conventional heparin therapy|intravenous,False +77445485,3153894,8188,neurologic|pain / agitation / altered mentation|analgesics|narcotic analgesic,False +77160689,3153894,297,cardiovascular|myocardial ischemia / infarction|antihyperlipidemic agent|HMG-CoA reductase inhibitor|atorvastatin,False +77508079,3153894,8188,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77063502,3153894,297,surgery|GI therapies|stress ulcer prophylaxis|ranitidine,False +77290414,3153894,9649,cardiovascular|shock|intraaortic balloon pump,True +77249966,3153894,297,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +77287584,3153894,8188,cardiovascular|consultations|Cardiology consultation,False +77249420,3153894,297,cardiovascular|myocardial ischemia / infarction|alpha/beta blocker|carvedilol,False +77438955,3153894,8188,cardiovascular|myocardial ischemia / infarction|anticoagulant administration|thrombin inhibitor|argatroban,False +76992106,3153894,297,neurologic|pain / agitation / altered mentation|analgesics|non-narcotic analgesic|acetaminophen,False +77030743,3153894,297,pulmonary|medications|nicotine patch,False +77305177,3153894,297,cardiovascular|other therapies|antibacterials|third generation cephalosporin|ceftriaxone,False +77160019,3153894,297,pulmonary|ventilation and oxygenation|mechanical ventilation,False +77516514,3157910,17,cardiovascular|intravenous fluid|Lactated Ringer's administration,False +77331547,3157910,2649,cardiovascular|intravenous fluid|Lactated Ringer's administration,True +77329756,3157910,17,gastrointestinal|consultations|Gastroenterology consultation,False +77516712,3157910,17,cardiovascular|shock|vasopressors,False +76901883,3157910,1275,hematology|consultations|Hematology consultation,False +77101373,3157910,17,hematology|consultations|Hematology consultation,False +77485367,3157910,17,gastrointestinal|medications|antibiotics,False +77399158,3157910,1275,cardiovascular|shock|vasopressors,False +77095559,3157910,17,gastrointestinal|intravenous fluid administration|Lactated Ringer's administration,False +77055381,3157910,2649,cardiovascular|shock|vasopressors,True +77260823,3157910,2649,gastrointestinal|consultations|Gastroenterology consultation,True +77010044,3157910,1275,gastrointestinal|consultations|Gastroenterology consultation,False +77239281,3157910,1275,cardiovascular|intravenous fluid|Lactated Ringer's administration,False +77293099,3157910,2649,gastrointestinal|medications|antibiotics,True +77443742,3157910,2649,hematology|consultations|Hematology consultation,True +77340336,3157910,1275,gastrointestinal|medications|antibiotics,False +77504701,3157910,1275,gastrointestinal|intravenous fluid administration|Lactated Ringer's administration,False +77405648,3157910,2649,gastrointestinal|intravenous fluid administration|Lactated Ringer's administration,True +77406191,3159124,104,cardiovascular|arrhythmias|antiarrhythmics,True +77198030,3159124,104,cardiovascular|arrhythmias|adenosine,True +77471959,3160468,704,infectious diseases|medications|therapeutic antibacterials,False +76918617,3160468,1853,infectious diseases|medications|therapeutic antibacterials,False +77073394,3160468,3289,infectious diseases|medications|therapeutic antibacterials,True +77865580,3193216,7,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for hematoma,True +77770091,3193216,7,neurologic|procedures / diagnostics|neurosurgery|therapeutic craniotomy|for tumor,True +79696701,3211257,375,pulmonary|ventilation and oxygenation|mechanical ventilation,False +78945185,3211257,388,pulmonary|consultations|Pulmonary/CCM consultation,False +79071720,3211257,388,burns/trauma|trauma|CT scan|spine,False +80061514,3211257,377,pulmonary|ventilation and oxygenation|mechanical ventilation,False +78844856,3211257,377,pulmonary|consultations|Pulmonary/CCM consultation,False +78952412,3211257,915,burns/trauma|trauma|CT scan|head,False +79417391,3211257,388,pulmonary|ventilation and oxygenation|mechanical ventilation,False +78722261,3211257,388,burns/trauma|trauma|CT scan|chest,False +79241230,3211257,388,burns/trauma|trauma|CT scan|abdomen,False +79679829,3211257,388,burns/trauma|trauma|CT scan|head,False +78823349,3211257,1688,gastrointestinal|medications|stress ulcer prophylaxis,True +79786383,3211257,377,pulmonary|medications|sedative|propofol,False +79133224,3211257,388,pulmonary|medications|sedative|propofol,False +79975340,3211257,915,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,False +79151366,3211257,388,burns/trauma|trauma|CT scan|pelvis,False +79713899,3211257,1688,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%)|nasal cannula,True +78732373,3211257,915,burns/trauma|trauma|CT scan|abdomen,False +79018737,3211257,1688,burns/trauma|trauma|CT scan|abdomen,True +80144877,3211257,915,cardiovascular|vascular disorders|VTE prophylaxis,False +79677559,3211257,1688,burns/trauma|trauma|CT scan|head,True +79528256,3211257,915,burns/trauma|trauma|CT scan|pelvis,False +78924429,3211257,1688,pulmonary|consultations|Pulmonary/CCM consultation,True +80261622,3211257,915,neurologic|pain / agitation / altered mentation|analgesics,False +80116570,3211257,1688,burns/trauma|trauma|CT scan|spine,True +79628152,3211257,915,burns/trauma|trauma|CT scan|chest,False +79222702,3211257,1688,renal|urinary catheters|foley catheter,True +80016905,3211257,915,gastrointestinal|medications|stress ulcer prophylaxis,False +80187890,3211257,1688,burns/trauma|trauma|CT scan|pelvis,True +79683781,3211257,915,neurologic|procedures / diagnostics|head CT scan,False +79241073,3211257,1688,neurologic|procedures / diagnostics|head CT scan,True +80256632,3211257,915,burns/trauma|trauma|CT scan|spine,False +79834240,3211257,1688,cardiovascular|vascular disorders|VTE prophylaxis,True +79167942,3211257,915,pulmonary|consultations|Pulmonary/CCM consultation,False +79195617,3211257,1688,neurologic|pain / agitation / altered mentation|analgesics,True +79185108,3211257,915,renal|urinary catheters|foley catheter,False +79721287,3211257,1688,burns/trauma|trauma|CT scan|chest,True +80340075,3244585,114,neurologic|consultations|Neurology consultation,False +78919480,3244585,847,general|support services|occupational therapy consult,True +79486039,3244585,114,neurologic|procedures / diagnostics|MRI - head,False +79753209,3244585,847,general|support services|physical therapy consult,True +79018158,3244585,114,neurologic|procedures / diagnostics|EEG,False +79345413,3244585,847,neurologic|procedures / diagnostics|MRI - head,True +79179582,3244585,114,general|support services|physical therapy consult,False +79659300,3244585,847,cardiovascular|non-operative procedures|cardiac nuclear study,True +79606624,3244585,114,general|support services|social work consult,False +78957567,3244585,847,cardiovascular|non-operative procedures|diagnostic ultrasound of heart,True +79869962,3244585,114,cardiovascular|non-operative procedures|cardiac nuclear study,False +78623837,3244585,114,cardiovascular|non-operative procedures|diagnostic ultrasound of heart,False +79809197,3244585,114,general|support services|occupational therapy consult,False +78930433,3244585,847,neurologic|procedures / diagnostics|EEG,True +79784487,3244585,847,neurologic|consultations|Neurology consultation,True +80121753,3244585,847,general|support services|social work consult,True +80013143,3246790,45,renal|electrolyte correction|treatment of hyperkalemia|insulin / glucose,False +78944785,3246790,1102,renal|intravenous fluid|normal saline administration,True +80157578,3246790,45,renal|consultations|Nephrology consultation,False +78640763,3246790,45,renal|intravenous fluid|normal saline administration,False +80136047,3246790,45,infectious diseases|cultures / immuno-assays|cultures,False +78981902,3246790,1102,renal|medications|bicarbonate,True +80203601,3246790,1102,renal|electrolyte correction|treatment of hyperkalemia|kayexalate,True +79651398,3246790,45,renal|electrolyte correction|treatment of hyperkalemia|kayexalate,False +80065575,3246790,1102,cardiovascular|vascular disorders|VTE prophylaxis|conventional heparin therapy|subcutaneous,True +79448506,3246790,1102,renal|electrolyte correction|treatment of hyperkalemia|insulin / glucose,True +79926710,3246790,45,infectious diseases|medications|therapeutic antibacterials,False +79475178,3246790,1102,infectious diseases|cultures / immuno-assays|cultures,True +79143975,3246790,45,renal|medications|bicarbonate,False +79695631,3246790,1102,infectious diseases|medications|therapeutic antibacterials,True +79485346,3246790,1102,renal|consultations|Nephrology consultation,True +82371518,3348292,6863,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82542432,3348292,5341,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82371341,3348292,4014,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82371756,3348292,1008,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82445422,3348292,4014,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube removal,False +82543348,3348292,1008,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82543004,3348292,4014,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82448632,3348292,5341,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube removal,False +82459634,3348292,4014,renal|medications|bicarbonate|sodium bicarbonate,False +82617271,3348292,1008,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82459255,3348292,6863,renal|medications|bicarbonate|sodium bicarbonate,False +82460629,3348292,5341,renal|medications|bicarbonate|sodium bicarbonate,False +82604636,3348292,623,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82305144,3348292,1008,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +82304629,3348292,2976,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +82371720,3348292,5341,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82512006,3348292,624,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82460469,3348292,1008,renal|medications|bicarbonate|sodium bicarbonate,False +82461289,3348292,2976,renal|medications|bicarbonate|sodium bicarbonate,False +82512285,3348292,1008,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82619651,3348292,624,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82301327,3348292,2188,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +82371445,3348292,624,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82512120,3348292,2976,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82628288,3348292,623,cardiovascular|shock|vasopressors,False +82371423,3348292,2976,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82541681,3348292,624,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82542103,3348292,2976,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82628424,3348292,624,cardiovascular|shock|vasopressors,False +82614964,3348292,2976,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82511154,3348292,623,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82628757,3348292,168,cardiovascular|shock|vasopressors,False +82304425,3348292,2184,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +82372293,3348292,8071,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82543310,3348292,623,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82542799,3348292,168,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82371250,3348292,3608,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82303235,3348292,3608,cardiovascular|shock|vasopressors|norepinephrine > 0.1 micrograms/kg/min,False +82542468,3348292,762,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82460253,3348292,762,renal|medications|bicarbonate|sodium bicarbonate,False +82620016,3348292,2188,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82542588,3348292,2184,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82511241,3348292,762,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82541665,3348292,3608,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82370990,3348292,2184,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82459898,3348292,3608,renal|medications|bicarbonate|sodium bicarbonate,False +82610990,3348292,2184,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82512435,3348292,2188,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82628090,3348292,762,cardiovascular|shock|vasopressors,False +82541673,3348292,2188,cardiovascular|intravenous fluid|normal saline administration|fluid bolus (250-1000mls),False +82371523,3348292,2188,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82371788,3348292,762,gastrointestinal|exploratory surgery|exploratory laparotomy,False +82459481,3348292,2184,renal|medications|bicarbonate|sodium bicarbonate,False +82459437,3348292,2188,renal|medications|bicarbonate|sodium bicarbonate,False +82615028,3348292,762,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82509582,3348292,2184,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube|insertion,False +82372001,3348293,78,gastrointestinal|exploratory surgery|exploratory laparotomy,True +82368530,3352230,1279,cardiovascular|shock|inotropic agent|dobutamine,False +82584909,3352230,3027,pulmonary|ventilation and oxygenation|oxygen therapy (< 40%),True +82268671,3352230,1279,neurologic|ICH/ cerebral infarct|antihypertensives|nicardipine,False +82251488,3352230,46,neurologic|pain / agitation / altered mentation|sedative agent|dexmedetomidine,False +82477406,3352230,1279,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +82447960,3352230,3027,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube removal,True +82446239,3352230,2775,pulmonary|radiologic procedures / bronchoscopy|endotracheal tube removal,False +82599780,3352230,46,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82450477,3352230,2775,surgery|intravenous fluids / electrolytes|blood product administration|platelet concentrate,False +82450462,3352230,3027,surgery|intravenous fluids / electrolytes|blood product administration|platelet concentrate,True +82402795,3352230,46,cardiovascular|non-operative procedures|intraaortic balloon pump,False +82616212,3352230,1279,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82480566,3352230,46,cardiovascular|myocardial ischemia / infarction|nitroglycerin|intravenous,False +82268951,3352230,2176,neurologic|ICH/ cerebral infarct|antihypertensives|nicardipine,False +82401005,3352230,46,cardiovascular|shock|vasopressors|epinephrine <= 0.1 micrograms/kg/min,False +82597438,3352230,816,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82450490,3352230,2176,surgery|intravenous fluids / electrolytes|blood product administration|platelet concentrate,False +82368357,3352230,816,cardiovascular|shock|inotropic agent|dobutamine,False +82268621,3352230,816,neurologic|ICH/ cerebral infarct|antihypertensives|nicardipine,False +82402863,3352230,816,cardiovascular|non-operative procedures|intraaortic balloon pump,False +82477065,3352230,816,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +82612510,3352230,2176,pulmonary|ventilation and oxygenation|mechanical ventilation,False +82477425,3352230,2176,neurologic|pain / agitation / altered mentation|sedative agent|propofol,False +82402829,3352231,117,cardiovascular|non-operative procedures|intraaortic balloon pump,False diff --git a/tests/core/test_eicu.py b/tests/core/test_eicu.py new file mode 100644 index 000000000..2bf437380 --- /dev/null +++ b/tests/core/test_eicu.py @@ -0,0 +1,153 @@ +import unittest +import os +from pathlib import Path + +from pyhealth.datasets import eICUDataset + + +class TesteICUDemo(unittest.TestCase): + """Test eICU dataset with demo data from local test resources.""" + + def setUp(self): + """Set up demo dataset path for each test.""" + self._setup_dataset_path() + self._load_dataset() + + def _setup_dataset_path(self): + """Get path to local eICU demo dataset in test resources.""" + # Get the path to the test-resources/core/eicudemo directory + test_dir = Path(__file__).parent.parent.parent + self.demo_dataset_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + print(f"\n{'='*60}") + print(f"Setting up eICU demo dataset") + print(f"Dataset path: {self.demo_dataset_path}") + + # List files in the dataset directory + files = os.listdir(self.demo_dataset_path) + csv_files = [f for f in sorted(files) if f.endswith('.csv')] + print(f"Found {len(csv_files)} CSV files in dataset directory:") + for f in csv_files: + file_path = os.path.join(self.demo_dataset_path, f) + size = os.path.getsize(file_path) / 1024 # KB + print(f" - {f} ({size:.1f} KB)") + print(f"{'='*60}\n") + + def _load_dataset(self): + """Load the dataset for testing.""" + tables = ["diagnosis", "medication", "physicalexam"] + print(f"Loading eICUDataset with tables: {tables}") + self.dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print(f"✓ Dataset loaded successfully") + print() + + def test_stats(self): + """Test .stats() method execution.""" + print(f"\n{'='*60}") + print("TEST: test_stats()") + print(f"{'='*60}") + try: + print("Calling dataset.stats()...") + self.dataset.stats() + print("✓ dataset.stats() executed successfully") + except Exception as e: + print(f"✗ dataset.stats() failed with error: {e}") + self.fail(f"dataset.stats() failed: {e}") + + def test_unique_patient_ids(self): + """Test that we can get unique patient IDs.""" + print(f"\n{'='*60}") + print("TEST: test_unique_patient_ids()") + print(f"{'='*60}") + + patient_ids = self.dataset.unique_patient_ids + self.assertIsInstance(patient_ids, list) + self.assertGreater(len(patient_ids), 0, "Should have at least one patient") + print(f"✓ Found {len(patient_ids)} unique patients") + + def test_get_patient(self): + """Test get_patient method.""" + print(f"\n{'='*60}") + print("TEST: test_get_patient()") + print(f"{'='*60}") + + patient_ids = self.dataset.unique_patient_ids + patient_id = patient_ids[0] + + print(f"Getting patient {patient_id}...") + patient = self.dataset.get_patient(patient_id) + self.assertIsNotNone(patient, f"Patient {patient_id} should exist") + print(f"✓ Patient {patient_id} found: {patient}") + + def test_get_events(self): + """Test get_patient and get_events methods.""" + print(f"\n{'='*60}") + print("TEST: test_get_events()") + print(f"{'='*60}") + + patient_ids = self.dataset.unique_patient_ids + patient = self.dataset.get_patient(patient_ids[0]) + + # Test get_events for patient table + print("Getting patient stay events...") + patient_events = patient.get_events(event_type="patient") + self.assertIsNotNone(patient_events) + self.assertIsInstance(patient_events, list) + print(f"✓ Found {len(patient_events)} patient stay events") + + # Test get_events for diagnosis + print("Getting diagnosis events...") + diagnosis_events = patient.get_events(event_type="diagnosis") + self.assertIsNotNone(diagnosis_events) + print(f"✓ Found {len(diagnosis_events)} diagnosis events") + + # Show sample event + if patient_events: + print(f"\nSample patient event:") + event = patient_events[0] + print(f" Event type: {event.event_type}") + print(f" Attributes: {list(event.attr_dict.keys())[:10]}...") + + print(f"✓ test_get_events() passed successfully") + + +class TesteICUDatasetWithAllTables(unittest.TestCase): + """Test eICU dataset with all supported tables.""" + + def test_load_all_tables(self): + """Test loading dataset with all supported clinical tables.""" + print(f"\n{'='*60}") + print("TEST: test_load_all_tables()") + print(f"{'='*60}") + + test_dir = Path(__file__).parent.parent.parent + demo_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + tables = ["diagnosis", "medication", "treatment", "lab", "physicalexam", "admissiondx"] + print(f"Loading eICUDataset with all tables: {tables}") + + dataset = eICUDataset(root=demo_path, tables=tables) + self.assertIsNotNone(dataset) + + # Verify stats works + dataset.stats() + + # Get a patient and verify we can access different event types + patient_ids = dataset.unique_patient_ids + patient = dataset.get_patient(patient_ids[0]) + + event_types = ["patient", "diagnosis", "medication", "treatment", "lab", "physicalexam", "admissiondx"] + for event_type in event_types: + events = patient.get_events(event_type=event_type) + print(f" {event_type}: {len(events)} events") + + print("✓ All tables loaded and accessible") + + +if __name__ == "__main__": + unittest.main() + + + + + diff --git a/tests/core/test_eicu_drug_recommendation.py b/tests/core/test_eicu_drug_recommendation.py new file mode 100644 index 000000000..98b741f47 --- /dev/null +++ b/tests/core/test_eicu_drug_recommendation.py @@ -0,0 +1,99 @@ +import unittest +import os +from pathlib import Path + +from pyhealth.datasets import eICUDataset +from pyhealth.tasks import DrugRecommendationEICU + + +class TesteICUDrugRecommendation(unittest.TestCase): + """Test eICU drug recommendation task with demo data.""" + + def setUp(self): + """Set up demo dataset path for each test.""" + test_dir = Path(__file__).parent.parent.parent + self.demo_dataset_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + print(f"\n{'='*60}") + print(f"Setting up eICU demo dataset for drug recommendation") + print(f"Dataset path: {self.demo_dataset_path}") + print(f"{'='*60}\n") + + def test_drug_recommendation_eicu_set_task(self): + """Test DrugRecommendationEICU task with set_task() method.""" + print(f"\n{'='*60}") + print("TEST: test_drug_recommendation_eicu_set_task()") + print(f"{'='*60}") + + # Load dataset with required tables + tables = ["diagnosis", "medication", "physicalexam"] + print(f"Loading eICUDataset with tables: {tables}") + dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print("✓ Dataset loaded successfully") + + # Initialize task + print("\nInitializing DrugRecommendationEICU task...") + task = DrugRecommendationEICU() + + # Verify task schema + self.assertEqual(task.task_name, "DrugRecommendationEICU") + self.assertIn("conditions", task.input_schema) + self.assertIn("procedures", task.input_schema) + self.assertIn("drugs_hist", task.input_schema) + self.assertIn("drugs", task.output_schema) + print(f"✓ Task initialized: {task.task_name}") + print(f" Input schema: {list(task.input_schema.keys())}") + print(f" Output schema: {list(task.output_schema.keys())}") + + # Apply task + try: + print("\nCalling dataset.set_task()...") + sample_dataset = dataset.set_task(task) + self.assertIsNotNone(sample_dataset, "set_task should return a dataset") + print(f"✓ set_task() completed") + + # Check samples + num_samples = len(sample_dataset) + print(f"✓ Generated {num_samples} drug recommendation samples") + + if num_samples > 0: + sample = sample_dataset[0] + required_keys = ["visit_id", "patient_id", "conditions", "procedures", "drugs_hist", "drugs"] + + print(f"\nFirst sample structure:") + print(f" Sample keys: {list(sample.keys())}") + + for key in required_keys: + self.assertIn(key, sample, f"Sample should contain key: {key}") + + # Verify nested structure for conditions, procedures, drugs_hist + print(f"\nVerifying nested sequence structure:") + conditions = sample["conditions"] + procedures = sample["procedures"] + drugs_hist = sample["drugs_hist"] + + # These should be nested lists (list of lists per visit) + print(f" conditions shape: {len(conditions)} visits") + print(f" procedures shape: {len(procedures)} visits") + print(f" drugs_hist shape: {len(drugs_hist)} visits") + + # Target drugs should be a flat list + drugs = sample["drugs"] + print(f" drugs (target): {len(drugs)} items") + + print(f"\n✓ test_drug_recommendation_eicu_set_task() passed") + + except Exception as e: + print(f"✗ Failed with error: {e}") + import traceback + traceback.print_exc() + self.fail(f"Failed: {e}") + + +if __name__ == "__main__": + unittest.main() + + + + + diff --git a/tests/core/test_eicu_los_prediction.py b/tests/core/test_eicu_los_prediction.py new file mode 100644 index 000000000..a80dcf34b --- /dev/null +++ b/tests/core/test_eicu_los_prediction.py @@ -0,0 +1,106 @@ +import unittest +import os +from pathlib import Path + +from pyhealth.datasets import eICUDataset +from pyhealth.tasks import LengthOfStayPredictioneICU + + +class TesteICULengthOfStayPrediction(unittest.TestCase): + """Test eICU length of stay prediction task with demo data.""" + + def setUp(self): + """Set up demo dataset path for each test.""" + test_dir = Path(__file__).parent.parent.parent + self.demo_dataset_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + print(f"\n{'='*60}") + print(f"Setting up eICU demo dataset for length of stay prediction") + print(f"Dataset path: {self.demo_dataset_path}") + print(f"{'='*60}\n") + + def test_length_of_stay_prediction_eicu_set_task(self): + """Test LengthOfStayPredictioneICU task with set_task() method.""" + print(f"\n{'='*60}") + print("TEST: test_length_of_stay_prediction_eicu_set_task()") + print(f"{'='*60}") + + # Load dataset with required tables + tables = ["diagnosis", "medication", "physicalexam"] + print(f"Loading eICUDataset with tables: {tables}") + dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print("✓ Dataset loaded successfully") + + # Initialize task + print("\nInitializing LengthOfStayPredictioneICU task...") + task = LengthOfStayPredictioneICU() + + # Verify task schema + self.assertEqual(task.task_name, "LengthOfStayPredictioneICU") + self.assertIn("conditions", task.input_schema) + self.assertIn("procedures", task.input_schema) + self.assertIn("drugs", task.input_schema) + self.assertIn("los", task.output_schema) + print(f"✓ Task initialized: {task.task_name}") + print(f" Input schema: {list(task.input_schema.keys())}") + print(f" Output schema: {list(task.output_schema.keys())}") + + # Apply task + try: + print("\nCalling dataset.set_task()...") + sample_dataset = dataset.set_task(task) + self.assertIsNotNone(sample_dataset, "set_task should return a dataset") + print(f"✓ set_task() completed") + + # Check samples + num_samples = len(sample_dataset) + print(f"✓ Generated {num_samples} length of stay prediction samples") + + if num_samples > 0: + sample = sample_dataset[0] + required_keys = ["visit_id", "patient_id", "conditions", "procedures", "drugs", "los"] + + print(f"\nFirst sample structure:") + print(f" Sample keys: {list(sample.keys())}") + + for key in required_keys: + self.assertIn(key, sample, f"Sample should contain key: {key}") + + # Verify LOS is in valid range (0-9) + los = sample["los"] + los_val = int(los.item()) if hasattr(los, 'item') else int(los) + self.assertIn(los_val, list(range(10)), "LOS category should be 0-9") + + # Count LOS distribution + los_counts = {i: 0 for i in range(10)} + for s in sample_dataset: + label = int(s["los"].item()) if hasattr(s["los"], 'item') else int(s["los"]) + los_counts[label] += 1 + + category_labels = [ + "< 1 day", "1 day", "2 days", "3 days", "4 days", + "5 days", "6 days", "7 days", "1-2 weeks", "> 2 weeks" + ] + + print(f"\nLength of stay category distribution:") + for i in range(10): + if los_counts[i] > 0: + pct = los_counts[i] / num_samples * 100 + print(f" Category {i} ({category_labels[i]}): {los_counts[i]} ({pct:.1f}%)") + + print(f"\n✓ test_length_of_stay_prediction_eicu_set_task() passed") + + except Exception as e: + print(f"✗ Failed with error: {e}") + import traceback + traceback.print_exc() + self.fail(f"Failed: {e}") + + +if __name__ == "__main__": + unittest.main() + + + + + diff --git a/tests/core/test_eicu_mortality_prediction.py b/tests/core/test_eicu_mortality_prediction.py new file mode 100644 index 000000000..5ab2e396e --- /dev/null +++ b/tests/core/test_eicu_mortality_prediction.py @@ -0,0 +1,123 @@ +import unittest +import os +from pathlib import Path + +from pyhealth.datasets import eICUDataset +from pyhealth.tasks import MortalityPredictionEICU, MortalityPredictionEICU2 + + +class TesteICUMortalityPrediction(unittest.TestCase): + """Test eICU mortality prediction tasks with demo data.""" + + def setUp(self): + """Set up demo dataset path for each test.""" + test_dir = Path(__file__).parent.parent.parent + self.demo_dataset_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + print(f"\n{'='*60}") + print(f"Setting up eICU demo dataset for mortality prediction") + print(f"Dataset path: {self.demo_dataset_path}") + print(f"{'='*60}\n") + + def test_mortality_prediction_eicu_set_task(self): + """Test MortalityPredictionEICU task with set_task() method.""" + print(f"\n{'='*60}") + print("TEST: test_mortality_prediction_eicu_set_task()") + print(f"{'='*60}") + + # Load dataset with required tables + tables = ["diagnosis", "medication", "physicalexam"] + print(f"Loading eICUDataset with tables: {tables}") + dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print("✓ Dataset loaded successfully") + + # Initialize task + print("\nInitializing MortalityPredictionEICU task...") + task = MortalityPredictionEICU() + + # Verify task schema + self.assertEqual(task.task_name, "MortalityPredictionEICU") + self.assertIn("conditions", task.input_schema) + self.assertIn("procedures", task.input_schema) + self.assertIn("drugs", task.input_schema) + self.assertIn("mortality", task.output_schema) + print(f"✓ Task initialized: {task.task_name}") + print(f" Input schema: {list(task.input_schema.keys())}") + print(f" Output schema: {list(task.output_schema.keys())}") + + # Apply task + try: + print("\nCalling dataset.set_task()...") + sample_dataset = dataset.set_task(task) + self.assertIsNotNone(sample_dataset, "set_task should return a dataset") + print(f"✓ set_task() completed") + + # Check samples + num_samples = len(sample_dataset) + print(f"✓ Generated {num_samples} mortality prediction samples") + + if num_samples > 0: + sample = sample_dataset[0] + required_keys = ["visit_id", "patient_id", "conditions", "procedures", "drugs", "mortality"] + + print(f"\nFirst sample structure:") + print(f" Sample keys: {list(sample.keys())}") + + for key in required_keys: + self.assertIn(key, sample, f"Sample should contain key: {key}") + + # Verify mortality is binary + mortality = sample["mortality"] + self.assertIn(int(mortality.item()) if hasattr(mortality, 'item') else int(mortality), [0, 1]) + + print(f"✓ test_mortality_prediction_eicu_set_task() passed") + + except Exception as e: + print(f"✗ Failed with error: {e}") + import traceback + traceback.print_exc() + self.fail(f"Failed: {e}") + + def test_mortality_prediction_eicu2_set_task(self): + """Test MortalityPredictionEICU2 task with alternative coding.""" + print(f"\n{'='*60}") + print("TEST: test_mortality_prediction_eicu2_set_task()") + print(f"{'='*60}") + + # Load dataset with alternative tables + tables = ["diagnosis", "admissiondx", "treatment"] + print(f"Loading eICUDataset with tables: {tables}") + dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print("✓ Dataset loaded successfully") + + # Initialize task + print("\nInitializing MortalityPredictionEICU2 task...") + task = MortalityPredictionEICU2() + + self.assertEqual(task.task_name, "MortalityPredictionEICU2") + print(f"✓ Task initialized: {task.task_name}") + + # Apply task + try: + print("\nCalling dataset.set_task()...") + sample_dataset = dataset.set_task(task) + self.assertIsNotNone(sample_dataset) + + num_samples = len(sample_dataset) + print(f"✓ Generated {num_samples} samples") + print(f"✓ test_mortality_prediction_eicu2_set_task() passed") + + except Exception as e: + print(f"✗ Failed with error: {e}") + import traceback + traceback.print_exc() + self.fail(f"Failed: {e}") + + +if __name__ == "__main__": + unittest.main() + + + + + diff --git a/tests/core/test_eicu_readmission_prediction.py b/tests/core/test_eicu_readmission_prediction.py new file mode 100644 index 000000000..a979c7ee9 --- /dev/null +++ b/tests/core/test_eicu_readmission_prediction.py @@ -0,0 +1,100 @@ +import unittest +import os +from datetime import timedelta +from pathlib import Path + +from pyhealth.datasets import eICUDataset +from pyhealth.tasks import ReadmissionPredictionEICU + + +class TesteICUReadmissionPrediction(unittest.TestCase): + """Test eICU readmission prediction task with demo data.""" + + def setUp(self): + """Set up demo dataset path for each test.""" + test_dir = Path(__file__).parent.parent.parent + self.demo_dataset_path = str(test_dir / "test-resources" / "core" / "eicudemo") + + print(f"\n{'='*60}") + print(f"Setting up eICU demo dataset for readmission prediction") + print(f"Dataset path: {self.demo_dataset_path}") + print(f"{'='*60}\n") + + def test_readmission_prediction_eicu_set_task(self): + """Test ReadmissionPredictionEICU task with set_task() method.""" + print(f"\n{'='*60}") + print("TEST: test_readmission_prediction_eicu_set_task()") + print(f"{'='*60}") + + # Load dataset with required tables + tables = ["diagnosis", "medication", "physicalexam"] + print(f"Loading eICUDataset with tables: {tables}") + dataset = eICUDataset(root=self.demo_dataset_path, tables=tables) + print("✓ Dataset loaded successfully") + + # Initialize task with 15-day window + print("\nInitializing ReadmissionPredictionEICU task (15-day window)...") + task = ReadmissionPredictionEICU(window=timedelta(days=15)) + + # Verify task schema + self.assertEqual(task.task_name, "ReadmissionPredictionEICU") + self.assertIn("conditions", task.input_schema) + self.assertIn("procedures", task.input_schema) + self.assertIn("drugs", task.input_schema) + self.assertIn("readmission", task.output_schema) + print(f"✓ Task initialized: {task.task_name}") + print(f" Input schema: {list(task.input_schema.keys())}") + print(f" Output schema: {list(task.output_schema.keys())}") + print(f" Readmission window: {task.window}") + + # Apply task + try: + print("\nCalling dataset.set_task()...") + sample_dataset = dataset.set_task(task) + self.assertIsNotNone(sample_dataset, "set_task should return a dataset") + print(f"✓ set_task() completed") + + # Check samples + num_samples = len(sample_dataset) + print(f"✓ Generated {num_samples} readmission prediction samples") + + if num_samples > 0: + sample = sample_dataset[0] + required_keys = ["visit_id", "patient_id", "conditions", "procedures", "drugs", "readmission"] + + print(f"\nFirst sample structure:") + print(f" Sample keys: {list(sample.keys())}") + + for key in required_keys: + self.assertIn(key, sample, f"Sample should contain key: {key}") + + # Verify readmission is binary + readmission = sample["readmission"] + self.assertIn(int(readmission.item()) if hasattr(readmission, 'item') else int(readmission), [0, 1]) + + # Count readmission distribution + readmission_counts = {0: 0, 1: 0} + for s in sample_dataset: + label = int(s["readmission"].item()) if hasattr(s["readmission"], 'item') else int(s["readmission"]) + readmission_counts[label] += 1 + + print(f"\nReadmission distribution:") + print(f" No readmission (0): {readmission_counts[0]}") + print(f" Readmission (1): {readmission_counts[1]}") + + print(f"\n✓ test_readmission_prediction_eicu_set_task() passed") + + except Exception as e: + print(f"✗ Failed with error: {e}") + import traceback + traceback.print_exc() + self.fail(f"Failed: {e}") + + +if __name__ == "__main__": + unittest.main() + + + + + diff --git a/tests/core/test_multimodal_rnn.py b/tests/core/test_multimodal_rnn.py new file mode 100644 index 000000000..d2fe5fa0b --- /dev/null +++ b/tests/core/test_multimodal_rnn.py @@ -0,0 +1,278 @@ +import unittest +import torch + +from pyhealth.datasets import create_sample_dataset, get_dataloader +from pyhealth.models import MultimodalRNN + + +class TestMultimodalRNN(unittest.TestCase): + """Test cases for the MultimodalRNN model.""" + + def setUp(self): + """Set up test data and model with mixed feature types.""" + # Samples with mixed sequential and non-sequential features + self.samples = [ + { + "patient_id": "patient-0", + "visit_id": "visit-0", + "conditions": ["cond-33", "cond-86", "cond-80"], # sequential + "procedures": ["proc-12", "proc-45"], # sequential + "demographics": ["asian", "male", "smoker"], # multi-hot + "vitals": [120.0, 80.0, 98.6, 16.0], # tensor + "label": 1, + }, + { + "patient_id": "patient-1", + "visit_id": "visit-1", + "conditions": ["cond-12", "cond-52"], # sequential + "procedures": ["proc-23"], # sequential + "demographics": ["white", "female"], # multi-hot + "vitals": [110.0, 75.0, 98.2, 18.0], # tensor + "label": 0, + }, + ] + + # Define input and output schemas with mixed types + self.input_schema = { + "conditions": "sequence", # sequential + "procedures": "sequence", # sequential + "demographics": "multi_hot", # non-sequential + "vitals": "tensor", # non-sequential + } + self.output_schema = {"label": "binary"} + + # Create dataset + self.dataset = create_sample_dataset( + samples=self.samples, + input_schema=self.input_schema, + output_schema=self.output_schema, + dataset_name="test", + ) + + # Create model + self.model = MultimodalRNN(dataset=self.dataset) + + def test_model_initialization(self): + """Test that the MultimodalRNN model initializes correctly.""" + self.assertIsInstance(self.model, MultimodalRNN) + self.assertEqual(self.model.embedding_dim, 128) + self.assertEqual(self.model.hidden_dim, 128) + self.assertEqual(len(self.model.feature_keys), 4) + + # Check that features are correctly classified + self.assertIn("conditions", self.model.sequential_features) + self.assertIn("procedures", self.model.sequential_features) + self.assertIn("demographics", self.model.non_sequential_features) + self.assertIn("vitals", self.model.non_sequential_features) + + # Check that RNN layers are only created for sequential features + self.assertIn("conditions", self.model.rnn) + self.assertIn("procedures", self.model.rnn) + self.assertNotIn("demographics", self.model.rnn) + self.assertNotIn("vitals", self.model.rnn) + + self.assertEqual(self.model.label_key, "label") + + def test_model_forward(self): + """Test that the MultimodalRNN model forward pass works correctly.""" + # Create data loader + train_loader = get_dataloader(self.dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + + # Forward pass + with torch.no_grad(): + ret = self.model(**data_batch) + + # Check output structure + self.assertIn("loss", ret) + self.assertIn("y_prob", ret) + self.assertIn("y_true", ret) + self.assertIn("logit", ret) + + # Check tensor shapes + self.assertEqual(ret["y_prob"].shape[0], 2) # batch size + self.assertEqual(ret["y_true"].shape[0], 2) # batch size + self.assertEqual(ret["logit"].shape[0], 2) # batch size + + # Check that loss is a scalar + self.assertEqual(ret["loss"].dim(), 0) + + def test_model_backward(self): + """Test that the MultimodalRNN model backward pass works correctly.""" + # Create data loader + train_loader = get_dataloader(self.dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + + # Forward pass + ret = self.model(**data_batch) + + # Backward pass + ret["loss"].backward() + + # Check that at least one parameter has gradients + has_gradient = False + for param in self.model.parameters(): + if param.requires_grad and param.grad is not None: + has_gradient = True + break + self.assertTrue( + has_gradient, "No parameters have gradients after backward pass" + ) + + def test_model_with_embedding(self): + """Test that the MultimodalRNN model returns embeddings when requested.""" + # Create data loader + train_loader = get_dataloader(self.dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + data_batch["embed"] = True + + # Forward pass + with torch.no_grad(): + ret = self.model(**data_batch) + + # Check that embeddings are returned + self.assertIn("embed", ret) + self.assertEqual(ret["embed"].shape[0], 2) # batch size + + # Check embedding dimension + # 2 sequential features * hidden_dim + 2 non-sequential features * embedding_dim + expected_embed_dim = ( + len(self.model.sequential_features) * self.model.hidden_dim + + len(self.model.non_sequential_features) * self.model.embedding_dim + ) + self.assertEqual(ret["embed"].shape[1], expected_embed_dim) + + def test_custom_hyperparameters(self): + """Test MultimodalRNN model with custom hyperparameters.""" + model = MultimodalRNN( + dataset=self.dataset, + embedding_dim=64, + hidden_dim=32, + rnn_type="LSTM", + num_layers=2, + dropout=0.3, + bidirectional=True, + ) + + self.assertEqual(model.embedding_dim, 64) + self.assertEqual(model.hidden_dim, 32) + + # Test forward pass + train_loader = get_dataloader(self.dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + + with torch.no_grad(): + ret = model(**data_batch) + + self.assertIn("loss", ret) + self.assertIn("y_prob", ret) + + def test_only_sequential_features(self): + """Test MultimodalRNN with only sequential features (like vanilla RNN).""" + samples = [ + { + "patient_id": "patient-0", + "visit_id": "visit-0", + "conditions": ["cond-33", "cond-86"], + "procedures": ["proc-12", "proc-45"], + "label": 1, + }, + { + "patient_id": "patient-1", + "visit_id": "visit-1", + "conditions": ["cond-12"], + "procedures": ["proc-23"], + "label": 0, + }, + ] + + dataset = create_sample_dataset( + samples=samples, + input_schema={"conditions": "sequence", "procedures": "sequence"}, + output_schema={"label": "binary"}, + dataset_name="test_seq_only", + ) + + model = MultimodalRNN(dataset=dataset, hidden_dim=64) + + # Check that all features are sequential + self.assertEqual(len(model.sequential_features), 2) + self.assertEqual(len(model.non_sequential_features), 0) + + # Test forward pass + train_loader = get_dataloader(dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + + with torch.no_grad(): + ret = model(**data_batch) + + self.assertIn("loss", ret) + self.assertIn("y_prob", ret) + + def test_only_non_sequential_features(self): + """Test MultimodalRNN with only non-sequential features (like MLP).""" + samples = [ + { + "patient_id": "patient-0", + "visit_id": "visit-0", + "demographics": ["asian", "male", "smoker"], + "vitals": [120.0, 80.0, 98.6, 16.0], + "label": 1, + }, + { + "patient_id": "patient-1", + "visit_id": "visit-1", + "demographics": ["white", "female"], + "vitals": [110.0, 75.0, 98.2, 18.0], + "label": 0, + }, + ] + + dataset = create_sample_dataset( + samples=samples, + input_schema={"demographics": "multi_hot", "vitals": "tensor"}, + output_schema={"label": "binary"}, + dataset_name="test_non_seq_only", + ) + + model = MultimodalRNN(dataset=dataset, hidden_dim=64) + + # Check that all features are non-sequential + self.assertEqual(len(model.sequential_features), 0) + self.assertEqual(len(model.non_sequential_features), 2) + + # Test forward pass + train_loader = get_dataloader(dataset, batch_size=2, shuffle=True) + data_batch = next(iter(train_loader)) + + with torch.no_grad(): + ret = model(**data_batch) + + self.assertIn("loss", ret) + self.assertIn("y_prob", ret) + + def test_sequential_processor_classification(self): + """Test that _is_sequential_processor correctly identifies processor types.""" + from pyhealth.processors import ( + MultiHotProcessor, + SequenceProcessor, + TensorProcessor, + TimeseriesProcessor, + ) + + # Test with actual processor instances + seq_proc = SequenceProcessor() + self.assertTrue(self.model._is_sequential_processor(seq_proc)) + + # Create simple multi-hot processor + multihot_proc = MultiHotProcessor() + self.assertFalse(self.model._is_sequential_processor(multihot_proc)) + + # Tensor processor + tensor_proc = TensorProcessor() + self.assertFalse(self.model._is_sequential_processor(tensor_proc)) + + +if __name__ == "__main__": + unittest.main() +