diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/README.md b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/README.md new file mode 100644 index 00000000000..29854017660 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/README.md @@ -0,0 +1,70 @@ +# Whisper Inference on CPU + +## LEGAL DISCLAIMER +To the extent that any data, datasets, or models are referenced by Intel or accessed using tools or code on this site such data, datasets and models are provided by the third party indicated as the source of such content. Intel does not create the data, datasets, or models, provide a license to any third-party data, datasets, or models referenced, and does not warrant their accuracy or quality. By accessing such data, dataset(s) or model(s) you agree to the terms associated with that content and that your use complies with the applicable license. + +Intel expressly disclaims the accuracy, adequacy, or completeness of any data, datasets or models, and is not liable for any errors, omissions, or defects in such content, or for any reliance thereon. Intel also expressly disclaims any warranty of non-infringement with respect to such data, dataset(s), or model(s). Intel is not liable for any liability or damages relating to your use of such data, datasets, or models. + +## Launch the Docker Image +Set the directories on the host system where model, dataset, and log files will reside. These locations will retain model and data content between Docker sessions. +``` +export DATA_DIR="${DATA_DIR:-${PWD}/data}" +export MODEL_DIR="${MODEL_DIR:-${PWD}/model}" +export LOG_DIR="${LOG_DIR:-${PWD}/logs}" +``` + +## Launch the Docker Image +In the Host OS environment, run the following after setting the proper Docker image name. If the Docker image is not on the system already, it will be retrieved from the registry. + +If retrieving the model or dataset, ensure any necessary proxy settings are run inside the container. +``` +export DOCKER_IMAGE=intel/intel-optimized-pytorch:mlperf-inference-5.1-whisper + +docker run --privileged -it --rm \ + --ipc=host --net=host --cap-add=ALL \ + -e http_proxy=${http_proxy} \ + -e https_proxy=${https_proxy} \ + -v ${DATA_DIR}:/data \ + -v ${MODEL_DIR}:/model \ + -v ${LOG_DIR}:/logs \ + --workdir /workspace \ + ${DOCKER_IMAGE} /bin/bash +``` + +## Prepare workload resources [one-time operations] +Download the model: Run this step inside the Docker container. This operation will preserve the model on the host system using the volume mapping above. +``` +bash scripts/download_model.sh +``` +Download the dataset: Run this step inside the Docker container. This operation will preserve the dataset on the host system using the volume mapping above. +``` +bash scripts/download_dataset.sh +``` +Calibrate the model: Run this step inside the Docker container. This operation will create and preserve a calibrated model along with the original model file. +``` +bash scripts/run_calibration.sh +``` + +## Run Benchmark +Run this step inside the Docker container. Select the appropriate scenario. If this is the first time running this workload, the original model file will be calibrated to INT8 and stored alongside the original model file (one-time operation). The default configuration supports Intel EMR. If running GNR, please make the following [additional changes](GNR.md). + +Performance:: +``` +SCENARIO=Offline MODE=Performance bash run_mlperf.sh +``` +Accuracy: +``` +SCENARIO=Offline MODE=Accuracy bash run_mlperf.sh +``` + +## Run Compliance Tests +Run this step inside the Docker container. After the benchmark scenarios have been run and results exist in {LOG_DIR}/results, run this step to complete compliance runs. Compliance output will be found in '{LOG_DIR}/compliance'. +``` +SCENARIO=Offline MODE=Compliance bash run_mlperf.sh +``` + +## Validate Submission Checker +Run this step inside the Docker container. The following script will perform accuracy log truncation and run the submission checker on the contents of {LOG_DIR}. The source scripts are distributed as MLPerf Inference reference tools. Ensure the submission content has been populated before running. The script output is transient and destroyed after running. The original content of ${LOG_DIR} is not modified. +``` +VENDOR=Intel bash prepare_submission.sh +``` diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy.py new file mode 100755 index 00000000000..569d0c8473e --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy.py @@ -0,0 +1,98 @@ +# Copyright 2025 The MLPerf Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================= + +import argparse +import array +import json +import sys +import os +from typing import List + +from whisper.normalizers import EnglishTextNormalizer + +from manifest import Manifest +from legacy_helpers import __levenshtein, __gather_predictions +from helpers import get_expanded_wordlist + + +max_duration = float(os.environ.get("MAX_DURATION", "30.0")) +labels = [" ", "a", "b", "c", "d", "e", "f", "g", "h", "i", "j", "k", "l", "m", "n", "o", "p", "q", "r", "s", "t", "u", "v", "w", "x", "y", "z", "'"] +dtype_map = { + "int8": 'b', + "int16": 'h', + "int32": 'l', + "int64": 'q', +} + +def word_error_rate(hypotheses: List[str], references: List[str]) -> float: + """ + Computes Average Word Error rate between two texts represented as + corresponding lists of string. Hypotheses and references must have same length. + + Args: + hypotheses: list of hypotheses + references: list of references + + Returns: + (float) average word error rate + """ + normalizer = EnglishTextNormalizer() + + scores = 0 + words = 0 + if len(hypotheses) != len(references): + raise ValueError("In word error rate calculation, hypotheses and reference" + " lists must have the same number of elements. But I got:" + "{0} and {1} correspondingly".format(len(hypotheses), len(references))) + for h, r in zip(hypotheses, references): + h = normalizer(h) + r = normalizer(r) + h_list = h.split() + r_list = r.split() + h_list = get_expanded_wordlist(h_list, r_list) + r_list = get_expanded_wordlist(r_list, h_list) + words += len(r_list) + scores += __levenshtein(h_list, r_list) + wer = scores / words + return wer, scores, words + +def get_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--log_dir", required=True) + parser.add_argument("--dataset_dir", required=True) + parser.add_argument("--manifest", required=True) + parser.add_argument("--output_dtype", default="int64", choices=dtype_map.keys(), help="Output data type") + args = parser.parse_args() + return args + +def main(): + args = get_args() + manifest = Manifest(args.dataset_dir, [args.manifest], labels, len(labels), max_duration=max_duration) + with open(os.path.join(args.log_dir, "mlperf_log_accuracy.json")) as fh: + results = json.load(fh) + hypotheses = [] + references = [] + for result in results: + hypotheses.append(array.array(dtype_map[args.output_dtype], bytes.fromhex(result["data"])).tolist()) + references.append(manifest[result["qsl_idx"]]["transcript"]) + + references = __gather_predictions([references], labels=labels) + hypotheses = __gather_predictions([hypotheses], labels=labels) + + wer, _, _ = word_error_rate(hypotheses=hypotheses, references=references) + print("Word Error Rate: {:}%, accuracy={:}%".format(wer * 100, (1 - wer) * 100)) + +if __name__ == '__main__': + main() \ No newline at end of file diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy_eval.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy_eval.py new file mode 100644 index 00000000000..4f252df2125 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/accuracy_eval.py @@ -0,0 +1,98 @@ +# Copyright 2025 The MLPerf Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================= + +import argparse +import array +import json +import sys +import os +from typing import List + +from whisper.normalizers import EnglishTextNormalizer + +from manifest import Manifest +from legacy_helpers import __levenshtein, __gather_predictions +from helpers import get_expanded_wordlist + + +max_duration = float(os.environ.get("MAX_DURATION", "30.0")) +labels = [" ", "a", "b", "c", "d", "e", "f", "g", "h", "i", "j", "k", "l", "m", "n", "o", "p", "q", "r", "s", "t", "u", "v", "w", "x", "y", "z", "'"] +dtype_map = { + "int8": 'b', + "int16": 'h', + "int32": 'l', + "int64": 'q', +} + +def word_error_rate(hypotheses: List[str], references: List[str]) -> float: + """ + Computes Average Word Error rate between two texts represented as + corresponding lists of string. Hypotheses and references must have same length. + + Args: + hypotheses: list of hypotheses + references: list of references + + Returns: + (float) average word error rate + """ + normalizer = EnglishTextNormalizer() + + scores = 0 + words = 0 + if len(hypotheses) != len(references): + raise ValueError("In word error rate calculation, hypotheses and reference" + " lists must have the same number of elements. But I got:" + "{0} and {1} correspondingly".format(len(hypotheses), len(references))) + for h, r in zip(hypotheses, references): + h = normalizer(h) + r = normalizer(r) + h_list = h.split() + r_list = r.split() + h_list = get_expanded_wordlist(h_list, r_list) + r_list = get_expanded_wordlist(r_list, h_list) + words += len(r_list) + scores += __levenshtein(h_list, r_list) + wer = scores / words + return wer, scores, words + +def get_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--log_dir", required=True) + parser.add_argument("--dataset_dir", required=True) + parser.add_argument("--manifest", required=True) + parser.add_argument("--output_dtype", default="int64", choices=dtype_map.keys(), help="Output data type") + args = parser.parse_args() + return args + +def main(): + args = get_args() + manifest = Manifest(args.dataset_dir, [args.manifest], labels, len(labels), max_duration=max_duration) + with open(os.path.join(args.log_dir, "mlperf_log_accuracy.json")) as fh: + results = json.load(fh) + hypotheses = [] + references = [] + for result in results: + hypotheses.append(array.array(dtype_map[args.output_dtype], bytes.fromhex(result["data"])).tolist()) + references.append(manifest[result["qsl_idx"]]["transcript"]) + + references = __gather_predictions([references], labels=labels) + hypotheses = __gather_predictions([hypotheses], labels=labels) + + wer, _, _ = word_error_rate(hypotheses=hypotheses, references=references) + print("Word Error Rate: {:}%, accuracy={:}%".format(wer * 100, (1 - wer) * 100)) + +if __name__ == '__main__': + main() diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/calibration.md b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/calibration.md new file mode 100644 index 00000000000..b028a6cda08 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/calibration.md @@ -0,0 +1,37 @@ +## Intel MLPerf Inference Calibration and Quantization Details + +### RetinaNet Quantization +Model Source: https://zenodo.org/record/6617981/files/resnext50_32x4d_fpn.pth + +Model Quantization: FP32 -> INT8 + +Steps: /closed/Intel/code/retinanet/pytorch-cpu/scripts/run_calibration.sh + +### DLRMv2 Quantization +Model Source: https://zenodo.org/record/5597155 + +Model Quantization: FP32 -> INT8 + +Steps: /closed/Intel/code/dlrm-v2-99.9/pytorch-cpu/scripts/run_calibration.sh + +### R-GAT Quantization +Model Source: https://github.com/IllinoisGraphBenchmark/IGB-Datasets/ + +Model Quantization: FP32 -> INT8 + +Implementation: /closed/Intel/code/rgat/pytorch-cpu/backend.py + +### Whisper Quantization +Model Source: https://huggingface.co/openai/whisper-large-v3 + +Model Quantization: BF16 -> INT8 + +Details: /closed/Intel/code/whisper/pytorch-cpu/scripts/run_calibration.sh + +### Llama3.1-8B Quantization +Model Source: https://huggingface.co/meta-llama/Llama-3.1-8B-Instruct + +Model Quantization: BF16 -> INT4 + +Details: /closed/Intel/code/llama3.1-8b/pytorch-cpu/scripts/run_calibration.sh + diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/common.txt b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/common.txt new file mode 100644 index 00000000000..7973da080c3 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/common.txt @@ -0,0 +1,51 @@ +regex # Replace re for higher-performance regex matching +cachetools +psutil +sentencepiece # Required for LLaMA tokenizer. +numpy +requests >= 2.26.0 +tqdm +blake3 +py-cpuinfo +transformers >= 4.55.2 +tokenizers >= 0.21.1 # Required for fast incremental detokenization. +protobuf # Required by LlamaTokenizer. +fastapi[standard] >= 0.115.0 # Required by FastAPI's form models in the OpenAI API server's audio transcriptions endpoint. +aiohttp +openai >= 1.99.1 # For Responses API with reasoning content +pydantic >= 2.11.7 +prometheus_client >= 0.18.0 +pillow # Required for image processing +prometheus-fastapi-instrumentator >= 7.0.0 +tiktoken >= 0.6.0 # Required for DBRX tokenizer +lm-format-enforcer == 0.11.3 +llguidance >= 0.7.11, < 0.8.0; platform_machine == "x86_64" or platform_machine == "arm64" or platform_machine == "aarch64" +outlines_core == 0.2.11 +# required for outlines backend disk cache +diskcache == 5.6.3 +lark == 1.2.2 +xgrammar == 0.1.24; platform_machine == "x86_64" or platform_machine == "aarch64" or platform_machine == "arm64" +typing_extensions >= 4.10 +filelock >= 3.16.1 # need to contain https://github.com/tox-dev/filelock/pull/317 +partial-json-parser # used for parsing partial JSON outputs +pyzmq >= 25.0.0 +msgspec +gguf >= 0.13.0 +importlib_metadata; python_version < '3.10' +mistral_common[image,audio] >= 1.8.2 +opencv-python-headless >= 4.11.0 # required for video IO +pyyaml +six>=1.16.0; python_version > '3.11' # transitive dependency of pandas that needs to be the latest version for python 3.12 +setuptools>=77.0.3,<80; python_version > '3.11' # Setuptools is used by triton, we need to ensure a modern version is installed for 3.12+ so that it does not try to import distutils, which was removed in 3.12 +einops # Required for Qwen2-VL. +compressed-tensors == 0.11.0 # required for compressed-tensors +depyf==0.19.0 # required for profiling and debugging with compilation config +cloudpickle # allows pickling lambda functions in model_executor/models/registry.py +watchfiles # required for http server to monitor the updates of TLS files +python-json-logger # Used by logging as per examples/others/logging_configuration.md +scipy # Required for phi-4-multimodal-instruct +ninja # Required for xgrammar, rocm, tpu, xpu +pybase64 # fast base64 implementation +cbor2 # Required for cross-language serialization of hashable objects +setproctitle # Used to set process names for better debugging and monitoring +openai-harmony >= 0.0.3 # Required for gpt-oss diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/configure_workload.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/configure_workload.sh new file mode 100644 index 00000000000..5442e4284ed --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/configure_workload.sh @@ -0,0 +1,160 @@ +#### THIS SCRIPT IS NOT INTENDED FOR INDEPENDENT RUN. IT CONTROLS RUN CONFIGURATION FOR run_mlperf.sh #### + +# Common workload parameters used by the run_mlperf.sh harness. +export WORKLOAD="whisper" +export MODEL="whisper" +export IMPL="pytorch-xpu" +export COMPLIANCE_TESTS="TEST01" +export COMPLIANCE_SUITE_DIR=${WORKSPACE_DIR}/third_party/mlperf-inference/compliance/nvidia +export MAX_LATENCY=10000000000 + +# This function should handle each combination of the following parameters: +# - SCENARIO: Offline or Server +# - MODE: Performance, Accuracy, and Compliance +workload_specific_run () { + export SCENARIO=${SCENARIO} + export MODE=${MODE} + + # Standard ENV settings (potentially redundant) + export MODEL_DIR=${MODEL_DIR}/whisper-large-v3 + export DATA_DIR=${DATA_DIR} + export MANIFEST_FILE=${DATA_DIR}/dev-all-repack.json + export USER_CONF=${USER_CONF} + export RUN_LOGS=${RUN_LOGS} + + + export VLLM_USE_V1=1 + # export VLLM_LOGGING_LEVEL="DEBUG" + # export VLLM_ENABLE_V1_MULTIPROCESSING=0 + # export VLLM_ATTENTION_BACKEND="FLASH_ATTN_VLLM_V1" + export VLLM_ALLOW_LONG_MAX_MODEL_LEN=1 + export VLLM_WORKER_MULTIPROC_METHOD=spawn + export ONEAPI_DEVICE_SELECTOR=level_zero:0 +# export EXTRA_ARGS="--accuracy" + if [ "${MODE}" == "Compliance" ]; then + export MODE="Performance" + fi + + export EXTRA_ARGS="" + if [ "${MODE}" == "Accuracy" ]; then + export EXTRA_ARGS="--accuracy" + fi + python main.py \ + --dataset_dir ${DATA_DIR} \ + --model_path ${MODEL_DIR} \ + --manifest ${MANIFEST_FILE} \ + --scenario Offline \ + --log_dir ${RUN_LOGS} \ + --num_workers 1 \ + ${EXTRA_ARGS} + + +# export LD_PRELOAD=/usr/lib/x86_64-linux-gnu/libtcmalloc_minimal.so.4:$LD_PRELOAD +# export HF_HOME=${DATA_DIR}/huggingface +# +# # Core count adaptation +# export NUM_NUMA_NODES=$(lscpu | grep "NUMA node(s)" | awk '{print $NF}') +# export NUM_CACHE_NODES=$(find /sys/devices/system/cpu/cpu*/cache -name level 2>/dev/null | xargs grep -l '^3$' 2>/dev/null | sed 's|/level|/shared_cpu_map|' | xargs -r cat 2>/dev/null | sort -u | wc -l) +# # With clustered L3 cache, use number of L3 caches instead of number of NUMA nodes +# if ((NUM_CACHE_NODES > NUM_NUMA_NODES)); then +# export NUM_NODES=NUM_CACHE_NODES +# else +# export NUM_NODES=NUM_NUMA_NODES +# fi +# +# export NUM_CORES=$(($(lscpu | grep "Socket(s):" | awk '{print $2}') * $(lscpu | grep "Core(s) per socket:" | awk '{print $4}'))) +# export CORES_PER_NODE=$(($NUM_CORES / $NUM_NODES)) +# +# # Golden config is 6 cores/inst, bs=96/inst +# # Allow degraded setup going from there +# MEM_AVAILABLE=$(free -g | awk '/Mem:/ {print $7}') +# MEM_PER_NODE=$(($MEM_AVAILABLE / $NUM_NODES)) +# MEM_MODEL=4 +# +# # Use BATCH_SIZE=96 if memory allows, 64, 48, 32, and lower if not able to fit +# # Aim for 4<=CORES_PER_INST<=10 +# # Loop through the range [4, 10] +# MAX_CORES_PER_NODE=0 +# for i in {4..10}; do +# # Check for divisibility +# MAX_INSTANCES_PER_NODE=$(( CORES_PER_NODE / i )) +# TEST_CORES_PER_NODE=$(( MAX_INSTANCES_PER_NODE * i )) +# if (( TEST_CORES_PER_NODE > MAX_CORES_PER_NODE )); then +# CORES_PER_INST_MIN=$i +# MAX_CORES_PER_NODE=${TEST_CORES_PER_NODE} +# fi +# done +# +# # 1500 + 448 max tokens, 1280 d_model, 32 layers, k+v, 1 bit/value 8-bit +# CACHE_FACTOR_PER_BATCH=$((1948 * 32 * 1280 * 2)) +# GIB_DIVISOR=1073741824 +# +# # Iterate through potential batch sizes from largest to smallest +# for BATCH_SIZE in 96 64 48 32; do +# MEM_CACHE=$((BATCH_SIZE * CACHE_FACTOR_PER_BATCH / GIB_DIVISOR)) +# MEM_TOTAL=$((MEM_MODEL + MEM_CACHE)) +# +# # Ensure MEM_TOTAL and INSTS_PER_NODE are not zero to prevent division errors +# if (( MEM_TOTAL > 0 && (INSTS_PER_NODE = MEM_PER_NODE / MEM_TOTAL) > 0 )); then +# CORES_PER_INST=$((CORES_PER_NODE / INSTS_PER_NODE)) +# else +# # Set to a high value if instance cannot run, to try the next smaller batch size +# CORES_PER_INST=999 +# fi +# +# # If cores per instance is acceptable, we found our batch size and can exit the loop +# if ((CORES_PER_INST <= 10)); then +# break +# fi +# done +# +# if ((CORES_PER_INST < CORES_PER_INST_MIN)); then +# CORES_PER_INST=$CORES_PER_INST_MIN; +# fi +# +# # Find the smallest CORES_PER_INST so that CORES_PER_NODE is divisible by CORES_PER_INST +# for ((i=CORES_PER_INST; i<=10; i++)); do +# if ((CORES_PER_NODE % i == 0)); then +# CORES_PER_INST=$i +# break +# fi +# done +# +# if [ "${SCENARIO}" == "Offline" ]; then +# export CORES_PER_INST=$CORES_PER_INST +# export VLLM_CPU_KVCACHE_SPACE=$MEM_CACHE +# fi +# +# # Workload run-specific settings +# export MANIFEST_FILE="${DATA_DIR}/dev-all-repack.json" +# +# if [ "${MODE}" == "Compliance" ]; then +# export MODE="Performance" +# fi +# +# echo $CORES_PER_INST +# echo $VLLM_CPU_KVCACHE_SPACE +# +# # Using NUMA nodes here to not confuse SUT +# export INSTS_PER_NODE=$(($NUM_CORES / $NUM_NUMA_NODES / CORES_PER_INST)) +# export NUM_INSTS=$((${INSTS_PER_NODE} * ${NUM_NUMA_NODES})) +# +# export EXTRA_ARGS="" +# if [ "${MODE}" == "Accuracy" ]; then +# export EXTRA_ARGS="--accuracy" +# fi +# +# cd ${WORKSPACE_DIR} +# +# export MODEL_PATH=${MODEL_DIR}/whisper-large-v3-rtn +# +# # Following v5.0 Inference release, one file handles all scenarios/modes: +# python run.py \ +# --dataset_dir ${DATA_DIR} \ +# --model_path ${MODEL_PATH} \ +# --manifest ${MANIFEST_FILE} \ +# --scenario ${SCENARIO} \ +# --log_dir ${RUN_LOGS} \ +# --num_workers $NUM_INSTS \ +# ${EXTRA_ARGS} +} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/Dockerfile b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/Dockerfile new file mode 100644 index 00000000000..bcbd55e5b33 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/Dockerfile @@ -0,0 +1,115 @@ +# Copyright (c) 2023 Intel Corporation +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================ +# +# THIS IS A GENERATED DOCKERFILE. +# +# This file was assembled from multiple pieces, whose use is documented +# throughout. Please refer to the TensorFlow dockerfiles documentation +# for more information. + +ARG BASE_IMAGE=intel/deep-learning-essentials +ARG BASE_TAG=2025.1.3-0-devel-ubuntu24.04 +FROM ${BASE_IMAGE}:${BASE_TAG} AS dev-base + +#Removing private keys from BASE +RUN rm /etc/ssh/ssh_host_*_key && \ + rm /etc/ssh/ssh_host_*_key.pub + +ARG http_proxy +ARG https_proxy +#ARG no_proxy + +ENV http_proxy=${http_proxy} +ENV https_proxy=${https_proxy} +#ENV no_proxy=${no_proxy} + +COPY ./ /workspace/ +WORKDIR /workspace + +ENV DEBIAN_FRONTEND=noninteractive + +RUN wget -O- https://apt.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-PRODUCTS.PUB | gpg --dearmor | tee /usr/share/keyrings/oneapi-archive-keyring.gpg > /dev/null && \ + echo "deb [signed-by=/usr/share/keyrings/oneapi-archive-keyring.gpg] https://apt.repos.intel.com/oneapi all main" | tee /etc/apt/sources.list.d/oneAPI.list && \ + add-apt-repository -y ppa:kobuk-team/intel-graphics-testing + +RUN apt-get update && \ + apt-get upgrade -y && \ + apt-get autoclean && \ + apt-get autoremove -y && \ + apt-get install -y software-properties-common && \ + add-apt-repository ppa:deadsnakes/ppa && \ + apt-get install -y --no-install-recommends \ + gcc \ + g++ \ + python3.12 \ + python3.12-venv \ + python3.12-dev \ + python3-pip \ + python-is-python3 \ + vim \ + wget \ + rsync \ + git \ + bc \ + unzip \ + zlib1g-dev \ + libgl1 # && \ + # curl -skS https://bootstrap.pypa.io/get-pip.py | python3.10 + +RUN update-alternatives --install /usr/bin/python3 python3 /usr/bin/python3.12 1 && \ + update-alternatives --install /usr/bin/python python /usr/bin/python3.12 1 + +# oneccl +# TODO: Add script to download oneccl +RUN cd /workspace && \ + wget https://github.com/uxlfoundation/oneCCL/releases/download/2021.15.4/intel-oneccl-2021.15.4.11_offline.sh && \ + bash /workspace/intel-oneccl-2021.15.4.11_offline.sh -a --silent --eula accept && echo "source /opt/intel/oneapi/setvars.sh --force" >> /root/.bashrc && \ + rm -rf /workspace/intel-oneccl-2021.15.4.11_offline.sh + +RUN apt install -y --allow-downgrades \ + libze-intel-gpu1=25.18.33578.15-1146~24.04 \ + libze1=1.21.9.0-1136~24.04 \ + libze-dev=1.21.9.0-1136~24.04 \ + intel-opencl-icd=25.18.33578.15-1146~24.04 \ + intel-ocloc=25.18.33578.15-1146~24.04 \ + libigsc0 intel-gsc libmetee4 && \ + wget https://github.com/intel/xpumanager/releases/download/V1.3.0/xpu-smi_1.3.0_20250707.103634.3db7de07.u24.04_amd64.deb && \ + dpkg -i xpu-smi*.deb && \ + rm -rf /var/lib/apt/lists/* && \ + echo "alias ll='ls -l'" >> ~/.bashrc + +RUN python -m pip config set global.break-system-packages true && \ + pip install torch==2.8.0 torchvision torchaudio --index-url https://download.pytorch.org/whl/xpu && \ + pip install packaging librosa openai-whisper ftfy + +# RUN pip install --no-deps accelerate==0.29.3 threadpoolctl==3.6.0 git+https://github.com/intel/auto-round.git@mlperf-awq + +# Bypass PEP 668 +RUN python -m pip config set global.break-system-packages true && \ + cd /workspace/ && \ + pip install --no-cache-dir -r requirements.txt && \ + pip install --no-deps dist/*.whl # && rm -rf dist && bash prepare_loadgen.sh + +RUN mkdir -p /workspace/third_party && \ + cd /workspace/third_party && \ + git clone https://github.com/mlcommons/inference.git mlperf-inference && \ + cd mlperf-inference && \ + git checkout b9ed3c7 && \ + cd loadgen && \ + python3 -m pip install . && \ + cp ../mlperf.conf /workspace/ + +# Cleanup internal directories +RUN for FILE in $(cat /workspace/redactions.txt); do rm -rf /workspace/${FILE}; done diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/build_container.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/build_container.sh new file mode 100644 index 00000000000..1f74d875b07 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/build_container.sh @@ -0,0 +1,12 @@ +#!/bin/bash + +export IMAGE_NAME="tiyengar:base_xpu" + +echo "Building XPU MLPerf workflow container" + +# Build the container +docker build \ + -f docker/Dockerfile \ + --build-arg http_proxy=${http_proxy} \ + --build-arg https_proxy=${https_proxy} \ + -t ${IMAGE_NAME} . diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/run_container.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/run_container.sh new file mode 100644 index 00000000000..b9c6ce1988a --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/docker/run_container.sh @@ -0,0 +1,13 @@ +DOCKER_IMAGE=tiyengar:base_xpu +# DOCKER_IMAGE=vllm_xpu:bkc_ww31 +docker run --privileged -it --rm \ + -u root \ + --ipc=host --net=host --cap-add=ALL \ + --device /dev/dri:/dev/dri \ + -v /dev/dri/by-path:/dev/dri/by-path \ + -v /lib/modules:/lib/modules \ + -v /data/dataset/librispeech:/data \ + -v /data/model:/model \ + -v ${PWD}/logs:/logs \ + -v ${PWD}:/workspace \ + ${DOCKER_IMAGE} /bin/bash diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/download_model.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/download_model.py new file mode 100644 index 00000000000..8c5f0bde318 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/download_model.py @@ -0,0 +1,14 @@ +#/bin/bash + +from transformers import AutoProcessor, AutoModelForSpeechSeq2Seq, AutoTokenizer + +model_id = "openai/whisper-large-v3" +model_path = "/model/whisper-large-v3" + +model = AutoModelForSpeechSeq2Seq.from_pretrained(model_id) +processor = AutoProcessor.from_pretrained(model_id) +tokenizer = AutoTokenizer.from_pretrained(model_id) + +model.save_pretrained(model_path) +processor.save_pretrained(model_path) +tokenizer.save_pretrained(model_path) diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/helpers.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/helpers.py new file mode 100644 index 00000000000..a3799433e77 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/helpers.py @@ -0,0 +1,79 @@ +# Copyright 2025 Intel Corporation. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================= + +from typing import List +from legacy_helpers import __levenshtein + +def expand_concatenations(words_list: List, reference_dict: dict, reference_list: List): + """ + Finds matching compound words in 'words_list' which exist as keys in 'reference_dict', if any. + If found, the compound word will be separated using reference_dict if the substitution reduces + the 'Levenshtein distance' between 'words_list' and 'reference_list'. + Args: + words_list: List of English word strings + reference_dict: Dictionary mapping compound words to a list a separated word strings. + reference_list: List of English word strings + Returns: + Modified 'word_string' with compound words replaced by individual strings, if any + """ + score = __levenshtein(words_list, reference_list) + + # Searches each word in 'word_list' for separability using the reference list. Once all options are + # considered, the modified 'word_list' is returned. Length of 'word_list' can grow, but not contract. + i = 0 + words_length = len(words_list) + while i < words_length: + if words_list[i] in reference_dict.keys(): + words_candidate = words_list[:i] + reference_dict[words_list[i]] + words_list[i + 1:] + + # If levenshtein distance reduced, cache new word_list and resume search + candidate_levenshtein = __levenshtein(words_candidate, reference_list) + if candidate_levenshtein < score: + words_list = words_candidate + words_length = len(words_list) + score = candidate_levenshtein + i += 1 + return words_list + +def get_expanded_wordlist(words_list: List, reference_list: List): + """ + Provided two lists of English words, the two will be compared, and any compound words found in + 'word_list' which are separated in 'reference_list' will be separated and the modified + 'word_list' will be returned. + Args: + word_list: List of English word strings + reference_list: List of English word strings + Returns: + List of words modified from 'word_list' after expanding referenced compound words + """ + + # If levenshtein distance < 2, there cannot be any compound word separation issues. + if __levenshtein(words_list, reference_list) < 2: + return words_list + + # Adding two-word compouding candidates to checklist + checklist = {} + for i in range(len(reference_list) - 1): + compound = reference_list[i] + reference_list[i + 1] + checklist[compound] = [reference_list[i], reference_list[i + 1]] + + # Adding three-word compounding candidates to checklist + for i in range(len(reference_list) - 2): + compound = reference_list[i] + reference_list[i + 1] + reference_list[i + 2] + checklist[compound] = [reference_list[i], reference_list[i + 1], reference_list[i + 2]] + + # All compiled candidates will be checked, and after checking for minimal Levenshtein + # distance, the modified list (or original if compounding not found) is directly returned + return expand_concatenations(words_list, checklist, reference_list) diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/internal/prepare_env.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/internal/prepare_env.sh new file mode 100755 index 00000000000..550d7212c0a --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/internal/prepare_env.sh @@ -0,0 +1,60 @@ +#!/bin/bash + +echo "Preparing wheels for XPU MLPerf workflow container" + +mkdir -p /workspace/dist + +# Clone internal repos +mkdir -p third_party && pushd third_party +# rm -rf ipex-gpu-internal vllm-internal + +# ipex +git clone https://github.com/intel-innersource/frameworks.ai.pytorch.ipex-gpu -b releases/2.8.10+xpu_rc ipex-gpu-internal +# vllm +git clone https://github.com/intel-sandbox/vllm-xpu # -b release/2509/vllm-xpu-0.10.1.1 vllm-internal +popd + +# vllm +pip uninstall -y vllm +cd /workspace/third_party/vllm-internal +git checkout 5774b0a1d +pip install -r requirements/xpu.txt +VLLM_TARGET_DEVICE=xpu python setup.py bdist_wheel +cp dist/*.whl /workspace/dis +cd .. +# rm -rf vllm-internal + +# ipex internal +export BUILD_WITH_CPU=OFF +export BUILD_SEPARATE_OPS=ON +export USE_AOT_DEVLIST='bmg' +export TORCH_XPU_ARCH_LIST='bmg' +# Use all threads if there is enough memory +export MAX_JOBS=$(awk -v threads="$(nproc)" '/^Mem:/{mem=int($7/2); print(threads < mem ? threads : mem)}' <(free -g)) + +cd /workspace/third_party/ipex-gpu-internal +# Inside ipex-gpu source directory +pip uninstall -y intel-extension-for-pytorch +pip install -r requirements.txt +git submodule sync +git submodule update --init --recursive + +python setup.py bdist_wheel +cp dist/*.whl /workspace/dist/ +pip install dist/*.whl +cd .. +# rm -rf ipex-gpu-internal + +pushd third_party +git clone https://github.com/intel/auto-round.git +cd autoround +# git checkout mlperf-awq +python setup.py install +popd + +# Remove internal repos. Already built whls +pushd third_party +# rm -rf ipex-gpu-internal vllm-internal +popd + +echo "Wheels prepared in dist/ directory" diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/legacy_helpers.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/legacy_helpers.py new file mode 100644 index 00000000000..45065fff72e --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/legacy_helpers.py @@ -0,0 +1,63 @@ +# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. +# Copyright (c) 2019, Myrtle Software Limited. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from enum import Enum +from typing import List + +def __levenshtein(a: List, b: List) -> int: + """Calculates the Levenshtein distance between a and b. + """ + n, m = len(a), len(b) + if n > m: + # Make sure n <= m, to use O(min(n,m)) space + a, b = b, a + n, m = m, n + + current = list(range(n + 1)) + for i in range(1, m + 1): + previous, current = current, [i] + [0] * n + for j in range(1, n + 1): + add, delete = previous[j] + 1, current[j - 1] + 1 + change = previous[j - 1] + if a[j - 1] != b[i - 1]: + change = change + 1 + current[j] = min(add, delete, change) + + return current[n] + +def __whisper_decoder_predictions_tensor(tensor, labels): + """ + Takes output of greedy whisper decoder and converts to strings. + Args: + tensor: model output tensor + label: A list of labels + Returns: + prediction + """ + hypotheses = [] + labels_map = dict([(i, labels[i]) for i in range(len(labels))]) + # iterate over batch + for ind in range(len(tensor)): + hypothesis = ''.join([labels_map[c] for c in tensor[ind]]) + hypotheses.append(hypothesis) + return hypotheses + + +def __gather_predictions(predictions_list: list, labels: list) -> list: + results = [] + for prediction in predictions_list: + results += __whisper_decoder_predictions_tensor(prediction, labels=labels) + return results + diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/accuracy.txt b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/accuracy.txt new file mode 100644 index 00000000000..94fcd34f771 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/accuracy.txt @@ -0,0 +1 @@ +Word Error Rate: 1.639344262295082%, accuracy=98.36065573770492% diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_accuracy.json b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_accuracy.json new file mode 100644 index 00000000000..86c4ee7d473 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_accuracy.json @@ -0,0 +1,3 @@ +[ +{ "seq_id" : 0, "qsl_idx" : 0, "data" : "17000000000000000500000000000000000000000000000008000000000000000100000000000000160000000000000005000000000000000000000000000000130000000000000015000000000000000300000000000000030000000000000005000000000000000500000000000000040000000000000005000000000000000400000000000000000000000000000009000000000000000E00000000000000000000000000000001000000000000000D0000000000000001000000000000001300000000000000130000000000000009000000000000000E000000000000000700000000000000000000000000000000000000000000000F0000000000000015000000000000000E0000000000000003000000000000000500000000000000130000000000000000000000000000000F0000000000000006000000000000000000000000000000130000000000000009000000000000000C00000000000000160000000000000005000000000000001200000000000000000000000000000005000000000000000E000000000000000F0000000000000015000000000000000700000000000000080000000000000000000000000000000900000000000000000000000000000014000000000000001200000000000000150000000000000013000000000000001400000000000000000000000000000014000000000000000F00000000000000000000000000000005000000000000001200000000000000050000000000000003000000000000001400000000000000000000000000000001000000000000000000000000000000080000000000000001000000000000000E00000000000000040000000000000013000000000000000F000000000000000D0000000000000005000000000000000000000000000000020000000000000012000000000000000F000000000000000E000000000000001A0000000000000005000000000000000000000000000000060000000000000009000000000000000700000000000000150000000000000012000000000000000500000000000000000000000000000014000000000000000F000000000000000000000000000000020000000000000005000000000000000000000000000000130000000000000015000000000000001200000000000000050000000000000000000000000000000900000000000000140000000000000000000000000000001300000000000000050000000000000005000000000000000D0000000000000013000000000000000000000000000000010000000000000000000000000000001300000000000000080000000000000001000000000000000D000000000000000500000000000000000000000000000019000000000000000500000000000000140000000000000000000000000000000900000000000000060000000000000000000000000000000900000000000000000000000000000003000000000000000F0000000000000015000000000000000C000000000000000400000000000000000000000000000013000000000000001400000000000000050000000000000001000000000000000C00000000000000000000000000000014000000000000000800000000000000050000000000000000000000000000000D000000000000000F000000000000000E0000000000000005000000000000001900000000000000000000000000000014000000000000000800000000000000090000000000000013000000000000000000000000000000100000000000000012000000000000000900000000000000050000000000000013000000000000001400000000000000000000000000000009000000000000001300000000000000000000000000000002000000000000000F0000000000000001000000000000001300000000000000140000000000000009000000000000000E0000000000000007000000000000000000000000000000010000000000000002000000000000000F000000000000001500000000000000140000000000000000000000000000000900000000000000000000000000000003000000000000000F0000000000000015000000000000000C00000000000000040000000000000000000000000000000C0000000000000009000000000000001600000000000000050000000000000000000000000000000100000000000000140000000000000000000000000000000500000000000000010000000000000013000000000000000500000000000000000000000000000006000000000000000F00000000000000120000000000000000000000000000001400000000000000080000000000000005000000000000000000000000000000120000000000000005000000000000001300000000000000140000000000000000000000000000000F00000000000000060000000000000000000000000000000D00000000000000190000000000000000000000000000000400000000000000010000000000000019000000000000001300000000000000000000000000000001000000000000000E000000000000000400000000000000000000000000000013000000000000000F00000000000000000000000000000008000000000000000500000000000000000000000000000002000000000000000500000000000000070000000000000001000000000000000E000000000000000000000000000000030000000000000001000000000000001300000000000000140000000000000009000000000000000E0000000000000007000000000000000000000000000000010000000000000002000000000000000F0000000000000015000000000000001400000000000000000000000000000008000000000000000F0000000000000017000000000000000000000000000000020000000000000005000000000000001300000000000000140000000000000000000000000000000800000000000000050000000000000000000000000000000D000000000000000900000000000000070000000000000008000000000000001400000000000000000000000000000003000000000000000F000000000000000D0000000000000010000000000000000100000000000000130000000000000013000000000000000000000000000000080000000000000009000000000000001300000000000000000000000000000010000000000000001500000000000000120000000000000010000000000000000F0000000000000013000000000000000500000000000000", "token_count" : 73 } +] diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_detail.txt b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_detail.txt new file mode 100644 index 00000000000..fa14a69b2b7 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_detail.txt @@ -0,0 +1,72 @@ +:::MLLOG {"key": "error_invalid_config", "value": "can't open file user.conf", "time_ms": 18446744073709.347379, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": true, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 606, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_version", "value": "5.1.0 @ b9ed3c7fec", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 53, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_build_date_local", "value": "2025-10-27T20:20:14.738491", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 55, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_build_date_utc", "value": "2025-10-27T20:20:14.738503", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 56, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_git_commit_date", "value": "2025-07-25T18:23:04+01:00", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 57, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_git_log_message", "value": "b9ed3c7fec1f16fe0576852bd3ade78100d86672 fix: update ds-r1 truncate max-output-len to 20k (was 32k) (#2290)\n6481ff4f8aab44514f37e0aa0270d66b7e0102ca Update README.md (#2288)\nd82d7d42ae9bfaff9941a6698954918504d8f0eb Fix ds-r1 acc checker output format not captured by submission checker (#2285)\na817ac5a374d42ae424da171b392eb1140a10d43 Fix missing comma: TEST01 not required for any LLMs. (#2283)\n4435cb582b10ce16ed6a68ff661bef06827f68eb Remove TEST01 for interactive scenario; add TEST06 for them (#2281)\n50de99161e33f32b569c7a00b6ccf56f274d418d Address issue that logger.info not captured by stdout; remove redundant logging (#2278)\n35d9836017ec2aea4b416f085980c81c1e90d682 Update documentation (#2279)\n9a1990e5d161144a1a3a44edb91211de78636bf6 Update download path for DeepSeek-R1 Dataset (#2275)\n7b9643c804dabb253e1fa2b811c700461ca9ed58 Fix SingleStream llama3.1-8b typo (#2274)\nfa32df9a9a4be1eab86774e260a217360a1ff64d Pinning vllm for speech-to-text reference (#2273)\nc57507b1227e1291a0535566d5988d0ab74ff376 Add interactive scenario in the TEST06, bump loadgen version to 5.1 (#2272)\n1446b3501c172153518b53871edbc1a0df014128 Update version generate_final_report.py (#2269)\n5232291860484b747ceeed7a327e56326e3eafe6 Update README.md (#2255)\n7d86e6b8b7564f99fef0c151fdeed7c67b53e392 Update download path for llama3.1_8b dataset (#2261)\nbcb600ed0301c23633906edeaa7f4367f2cc700c fix regex (#2260)\nbb0e01a3f47745ce7a5bd516c5064e6e7551076c accuracy (#2259)", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 58, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_git_status_message", "value": "", "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 60, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loadgen_file_sha1", "value": {"/.clang-format":"012aad77e5206c89d50718c46c119d1f3cb056b2","/CMakeLists.txt":"a8ebd64f62d0349aeedbe3295d833ebdce625c2e","/MANIFEST.in":"ddeb472d62edf2920db1f8fa3beebe3e831557f1","/README.md":"e850133bdbbfa62c84bc05a7358114d8996e0530","/README_BUILD.md":"5f6c6a784e9cd6995db47f9b9f70b1769909c9d8","/README_FAQ.md":"01f9ae9887f50bc030dc6107e740f40c43ca388f","/VERSION.txt":"204887433f1f70007f566f5bd6bbacbb68b15a6d","/__init__.py":"d013101621ef06a0ddc5e7d9ce511918a8b2ebe6","/bindings/c_api.cc":"14d178b64c7fc45d090e038c08d9b78ca943c383","/bindings/c_api.h":"23d9f99e00b2d196e095fae0bb453a391c18d601","/bindings/python_api.cc":"4dae966c92acdaa373b04a95adc4ca353937f154","/diagram_network_submission.png":"53dba8ad4272190ceb6335c12fd25e53dc02a8cb","/diagram_submission.png":"84c2f79309b237cef652aef6a187ba8e875a3952","/early_stopping.cc":"0cd7b546a389deac73f7955cd39255ed76557d62","/early_stopping.h":"158fcae6a5f47e82150d6416fa1f7bcef37e77fe","/issue_query_controller.cc":"02fcfe6d9cf958eeb4b6f1f4dbe87ba7eb4d7dec","/issue_query_controller.h":"ed20934fd3507a15949d501ac154be38e766f6ab","/loadgen.cc":"6daa9cd51454a699fcb55d9aa6bf9e54dd7b7a97","/loadgen.h":"ce9fcb5d44951e7e9048a83b7c1a41c8b8e0f7d8","/loadgen_integration_diagram.svg":"47f748307536f80cfc606947b440dd732afc2637","/logging.cc":"49e63158ebca654fa4b7c5f3321054cf4d6c3a30","/logging.h":"2102c91dedbaa156beadf0cecc63d2f43a2bd7dd","/mlperf.conf":"995a5e32f4e87da6ac0848cbdd8369e4ee4f321f","/mlperf_conf.h":"1cd5c9510eb0593e2721a3f3383e2e9d8a74d7ec","/pyproject.toml":"712fab87b72ba67ef2a068d0f9f47da65130342f","/query_dispatch_library.h":"1f18e9cd3ee4dc89a387cf462de1d0ceb1ece975","/query_sample.h":"c4f399103bc3d172079bbd4cd2b0ca0f22eebc4f","/query_sample_library.h":"8323a2225be1dff31f08ecc86b76eb3de06568bc","/requirements.txt":"a5ff7e77caa6e9e22ada90f0de0c865c987bf167","/results.cc":"fa04efe1049f62262eff7973d49cb2d90a406dcd","/results.h":"fce22d5a588d91fd968a6b25c27896dba87bc276","/setup.py":"a5eaa6f713bd3dfb6603be2c7928f0c295d7ee30","/system_under_test.h":"18d4809589dae33317d88d9beeb5491a6e1ccdec","/test_settings.h":"8e05582d1fbe9dd2b809686684c3a0ac41248723","/test_settings_internal.cc":"a5cc85fb7735727eee032aa3e88b5d61c1f11a2a","/test_settings_internal.h":"2bb9e9ae53904cb0ca221f4a5d49ca7d9ec3b0ca","/utils.cc":"3df8fdabf6eaea4697cf25d1dcb89cae88e36efd","/utils.h":"40775e32d619ea6356826ae5ea4174c7911f6894","/version.cc":"cbec2a5f98f9786c8c3d8b06b3d12df0b6550fa0","/version.h":"9d574baa64424e9c708fcfedd3dbb0b518a65fcc","/version_generator.py":"9f23d13276194588473120a8a6ecf5a6ed034a23"}, "time_ms": 0.005998, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "version.cc", "line_no": 67, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "test_datetime", "value": "2025-10-27T20:30:16Z", "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1194, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "sut_name", "value": "PySUT", "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1195, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "get_sut_name_duration_ns", "value": 284, "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1196, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "qsl_name", "value": "PyQSL", "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1197, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "qsl_reported_total_count", "value": 1, "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1198, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "qsl_reported_performance_count", "value": 1, "time_ms": 0.006254, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1199, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_scenario", "value": "Offline", "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 272, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_test_mode", "value": "AccuracyOnly", "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 273, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_offline_expected_qps", "value": 1, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 310, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_min_duration_ms", "value": 600000, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 316, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_max_duration_ms", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 317, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_min_query_count", "value": 1633, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 318, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_max_query_count", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 319, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_qsl_rng_seed", "value": 1780908523862526354, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 320, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_sample_index_rng_seed", "value": 14771362308971278857, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 321, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_schedule_rng_seed", "value": 18209322760996052031, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 323, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_accuracy_log_rng_seed", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 324, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_accuracy_log_probability", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 326, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_accuracy_log_sampling_target", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 328, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_print_timestamps", "value": false, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 330, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_performance_issue_unique", "value": false, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 331, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_performance_issue_same", "value": false, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 333, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_performance_issue_same_index", "value": 0, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 335, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_performance_sample_count_override", "value": 1633, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 337, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_sample_concatenate_permutation", "value": true, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 339, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "requested_use_token_latencies", "value": true, "time_ms": 0.011376, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 343, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_scenario", "value": "Offline", "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 418, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_test_mode", "value": "AccuracyOnly", "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 419, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_samples_per_query", "value": 1633, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 421, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_target_qps", "value": 1, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 422, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_target_latency_ns", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 423, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_target_latency_percentile", "value": 0.99, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 424, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_max_async_queries", "value": 1, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 426, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_target_duration_ms", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 427, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_min_duration_ms", "value": 600000, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 429, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_max_duration_ms", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 430, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_min_query_count", "value": 1, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 431, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_max_query_count", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 432, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_min_sample_count", "value": 1633, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 433, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_qsl_rng_seed", "value": 1780908523862526354, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 434, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_sample_index_rng_seed", "value": 14771362308971278857, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 435, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_schedule_rng_seed", "value": 18209322760996052031, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 437, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_accuracy_log_rng_seed", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 438, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_accuracy_log_probability", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 440, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_accuracy_log_sampling_target", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 442, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_print_timestamps", "value": false, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 444, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_performance_issue_unique", "value": false, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 445, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_performance_issue_same", "value": false, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 447, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_performance_issue_same_index", "value": 0, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 449, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_performance_sample_count", "value": 1633, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 451, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "effective_sample_concatenate_permutation", "value": true, "time_ms": 0.012772, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "test_settings_internal.cc", "line_no": 453, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "generic_message", "value": "Starting accuracy mode", "time_ms": 0.017729, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 1085, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "loaded_qsl_set", "value": [0], "time_ms": 0.025685, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 608, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "generated_query_count", "value": 1, "time_ms": 0.044677, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 427, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "generated_samples_per_query", "value": 1, "time_ms": 0.044677, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 428, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "generated_query_duration", "value": 1000000000, "time_ms": 0.044677, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 429, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_swap_request_slots_retry_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 902, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_swap_request_slots_retry_retry_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 904, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_swap_request_slots_retry_reencounter_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 906, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_start_reading_entries_retry_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 908, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_tls_total_log_cas_fail_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 910, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "logger_tls_total_swap_buffers_slot_retry_count", "value": 0, "time_ms": 5143.978635, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "logging.cc", "line_no": 912, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "power_begin", "value": "10-27-2025 20:30:16.506", "time_ms": 5143.979965, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 562, "pid": 1061, "tid": 1061}} +:::MLLOG {"key": "power_end", "value": "10-27-2025 20:30:21.647", "time_ms": 5143.979965, "namespace": "mlperf::logging", "event_type": "POINT_IN_TIME", "metadata": {"is_error": false, "is_warning": false, "file": "loadgen.cc", "line_no": 564, "pid": 1061, "tid": 1061}} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_summary.txt b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_summary.txt new file mode 100644 index 00000000000..c725ef99d84 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_summary.txt @@ -0,0 +1,4 @@ + +No warnings encountered during test. + +1 ERROR encountered. See detailed log. diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_trace.json b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_trace.json new file mode 100644 index 00000000000..743f57d707c --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/logs/mlperf_log_trace.json @@ -0,0 +1,3160 @@ +{"traceEvents":[ +{"name":"GenerateLoadableSets","ph":"X","pid":1061,"tid":1061,"ts":14.650,"dur":5.636,"args":{}}, +{"name":"LoadSamples","ph":"X","pid":1061,"tid":1061,"ts":20.355,"dur":4.442,"args":{"count":1}}, +{"name":"GenerateQueries","ph":"X","pid":1061,"tid":1061,"ts":30.080,"dur":9.531,"args":{}}, +{"name":"IssueQuery","ph":"X","pid":1061,"tid":1061,"ts":41.222,"dur":852.547,"args":{}}, +{"name":"SampleLoop","ph":"X","pid":1061,"tid":1061,"ts":41.182,"dur":854.616,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":79.721,"dur":10058.282,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":10159.101,"dur":2.223,"args":{}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10170.582,"dur":36.373,"args":{"key":""error_invalid_config""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10209.658,"dur":1.695,"args":{"key":""loadgen_version""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10211.821,"dur":0.896,"args":{"key":""loadgen_build_date_local""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10214.599,"dur":0.842,"args":{"key":""loadgen_build_date_utc""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10215.996,"dur":0.787,"args":{"key":""loadgen_git_commit_date""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10237.780,"dur":4.033,"args":{"key":""loadgen_git_log_message""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10242.742,"dur":1.233,"args":{"key":""loadgen_git_status_message""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10264.200,"dur":11.186,"args":{"key":""loadgen_file_sha1""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10278.796,"dur":1.523,"args":{"key":""test_datetime""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10280.507,"dur":1.173,"args":{"key":""sut_name""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10282.088,"dur":2.018,"args":{"key":""get_sut_name_duration_ns""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10284.701,"dur":0.744,"args":{"key":""qsl_name""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10285.715,"dur":1.242,"args":{"key":""qsl_reported_total_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10287.218,"dur":0.930,"args":{"key":""qsl_reported_performance_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10288.996,"dur":0.973,"args":{"key":""requested_scenario""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10290.256,"dur":0.766,"args":{"key":""requested_test_mode""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10292.158,"dur":16.003,"args":{"key":""requested_offline_expected_qps""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10308.603,"dur":1.082,"args":{"key":""requested_min_duration_ms""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10309.987,"dur":0.803,"args":{"key":""requested_max_duration_ms""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10310.998,"dur":0.742,"args":{"key":""requested_min_query_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10311.934,"dur":0.708,"args":{"key":""requested_max_query_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10312.832,"dur":0.773,"args":{"key":""requested_qsl_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10313.890,"dur":0.808,"args":{"key":""requested_sample_index_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10314.890,"dur":0.740,"args":{"key":""requested_schedule_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10316.016,"dur":0.748,"args":{"key":""requested_accuracy_log_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10317.023,"dur":1.299,"args":{"key":""requested_accuracy_log_probability""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10318.678,"dur":0.786,"args":{"key":""requested_accuracy_log_sampling_target""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10320.137,"dur":1.351,"args":{"key":""requested_print_timestamps""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10321.786,"dur":0.788,"args":{"key":""requested_performance_issue_unique""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10322.782,"dur":0.703,"args":{"key":""requested_performance_issue_same""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10323.681,"dur":0.751,"args":{"key":""requested_performance_issue_same_index""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10324.808,"dur":0.784,"args":{"key":""requested_performance_sample_count_override""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10325.837,"dur":0.707,"args":{"key":""requested_sample_concatenate_permutation""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10326.768,"dur":0.789,"args":{"key":""requested_use_token_latencies""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10328.108,"dur":0.780,"args":{"key":""effective_scenario""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10329.136,"dur":0.728,"args":{"key":""effective_test_mode""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10330.298,"dur":0.780,"args":{"key":""effective_samples_per_query""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10331.283,"dur":1.113,"args":{"key":""effective_target_qps""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10332.742,"dur":1.013,"args":{"key":""effective_target_latency_ns""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10334.112,"dur":1.999,"args":{"key":""effective_target_latency_percentile""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10336.376,"dur":0.785,"args":{"key":""effective_max_async_queries""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10337.359,"dur":0.750,"args":{"key":""effective_target_duration_ms""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10338.304,"dur":0.785,"args":{"key":""effective_min_duration_ms""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10339.281,"dur":0.690,"args":{"key":""effective_max_duration_ms""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10340.173,"dur":0.736,"args":{"key":""effective_min_query_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10341.096,"dur":4.025,"args":{"key":""effective_max_query_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10345.556,"dur":0.857,"args":{"key":""effective_min_sample_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10346.645,"dur":0.757,"args":{"key":""effective_qsl_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10347.594,"dur":0.765,"args":{"key":""effective_sample_index_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10348.615,"dur":0.753,"args":{"key":""effective_schedule_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10349.651,"dur":0.738,"args":{"key":""effective_accuracy_log_rng_seed""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10350.689,"dur":1.121,"args":{"key":""effective_accuracy_log_probability""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10352.047,"dur":0.808,"args":{"key":""effective_accuracy_log_sampling_target""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10353.094,"dur":0.752,"args":{"key":""effective_print_timestamps""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10354.121,"dur":0.738,"args":{"key":""effective_performance_issue_unique""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10355.192,"dur":0.725,"args":{"key":""effective_performance_issue_same""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10356.149,"dur":0.763,"args":{"key":""effective_performance_issue_same_index""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10357.183,"dur":0.763,"args":{"key":""effective_performance_sample_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10358.433,"dur":0.891,"args":{"key":""effective_sample_concatenate_permutation""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10360.087,"dur":1.702,"args":{"key":""generic_message""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10365.902,"dur":2.122,"args":{"key":""loaded_qsl_set""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10370.489,"dur":0.873,"args":{"key":""generated_query_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10371.559,"dur":0.736,"args":{"key":""generated_samples_per_query""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":10372.511,"dur":0.817,"args":{"key":""generated_query_duration""}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":10161.457,"dur":217.911,"args":{"tid":1061}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":10379.476,"dur":1.974,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":10161.437,"dur":220.110,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":10381.606,"dur":14.447,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":79.687,"dur":10316.448,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":10396.215,"dur":10055.318,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":20451.599,"dur":0.206,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":20451.898,"dur":92.041,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":20451.880,"dur":92.118,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":20544.073,"dur":0.669,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":10396.195,"dur":10148.588,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":20544.845,"dur":10131.498,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":30677.292,"dur":0.789,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":30678.311,"dur":14.584,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":30678.296,"dur":14.689,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":30693.034,"dur":8.458,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":20544.828,"dur":10156.761,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":30701.732,"dur":10066.854,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":40769.498,"dur":0.714,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":40770.356,"dur":13.477,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":40770.342,"dur":13.570,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":40783.985,"dur":8.104,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":30701.716,"dur":10090.416,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":40792.258,"dur":10074.874,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":50868.025,"dur":0.721,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":50868.881,"dur":13.616,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":50868.867,"dur":13.718,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":50882.632,"dur":7.972,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":40792.244,"dur":10098.454,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":50890.828,"dur":10088.603,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":60980.511,"dur":0.842,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":60981.494,"dur":14.669,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":60981.479,"dur":14.762,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":60996.313,"dur":8.311,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":50890.814,"dur":10113.857,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":61004.796,"dur":10075.441,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":71081.135,"dur":0.778,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":71082.041,"dur":13.780,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":71082.027,"dur":13.887,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":71095.958,"dur":8.109,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":61004.783,"dur":10099.377,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":71104.293,"dur":10067.474,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":81172.648,"dur":0.798,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":81173.581,"dur":13.820,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":81173.567,"dur":13.909,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":81187.551,"dur":16.847,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":71104.280,"dur":10100.172,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":81204.576,"dur":10067.674,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":91273.163,"dur":0.712,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":91274.008,"dur":13.850,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":91273.994,"dur":13.962,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":91287.999,"dur":7.927,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":81204.562,"dur":10091.455,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":91296.148,"dur":10066.820,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":101363.847,"dur":0.733,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":101364.719,"dur":13.626,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":101364.704,"dur":13.715,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":101378.490,"dur":8.067,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":91296.134,"dur":10090.486,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":101386.751,"dur":10108.257,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":111495.895,"dur":0.719,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":111496.768,"dur":14.010,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":111496.753,"dur":14.111,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":111510.910,"dur":8.366,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":101386.736,"dur":10132.635,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":111519.499,"dur":10194.442,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":121714.876,"dur":0.739,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":121715.758,"dur":13.963,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":121715.743,"dur":14.055,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":121729.872,"dur":7.931,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":111519.485,"dur":10218.361,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":121737.968,"dur":10066.998,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":131805.872,"dur":0.718,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":131806.718,"dur":13.577,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":131806.704,"dur":13.682,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":131820.431,"dur":8.080,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":121737.954,"dur":10090.648,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":131828.729,"dur":10087.909,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":141917.661,"dur":0.733,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":141918.538,"dur":14.566,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":141918.523,"dur":14.656,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":141933.252,"dur":8.980,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":131828.716,"dur":10113.577,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":141942.421,"dur":10117.452,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":152060.769,"dur":0.768,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":152061.672,"dur":13.670,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":152061.658,"dur":13.776,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":152075.476,"dur":16.334,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":141942.408,"dur":10149.497,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":152092.039,"dur":10100.681,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":162193.601,"dur":0.729,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":162194.474,"dur":13.465,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":162194.460,"dur":13.553,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":162208.088,"dur":8.034,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":152092.026,"dur":10124.137,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":162216.286,"dur":10109.886,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":172327.087,"dur":0.723,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":172327.935,"dur":13.583,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":172327.920,"dur":13.688,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":172341.657,"dur":8.025,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":162216.272,"dur":10133.504,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":172349.899,"dur":10076.756,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":182427.543,"dur":0.717,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":182428.402,"dur":13.671,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":182428.387,"dur":13.766,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":182442.228,"dur":8.044,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":172349.885,"dur":10100.432,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":182450.441,"dur":10067.278,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":192518.631,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":192519.577,"dur":13.502,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":192519.563,"dur":13.610,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":192533.218,"dur":8.027,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":182450.427,"dur":10090.908,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":192541.471,"dur":10108.765,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":202651.119,"dur":0.758,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":202652.017,"dur":13.756,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":202652.003,"dur":13.848,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":202665.924,"dur":8.070,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":192541.457,"dur":10132.579,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":202674.159,"dur":10110.060,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":212785.193,"dur":0.701,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":212786.025,"dur":14.002,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":212786.010,"dur":14.113,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":212800.171,"dur":8.359,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":202674.145,"dur":10134.475,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":212808.740,"dur":10108.046,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":222917.730,"dur":0.756,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":222918.628,"dur":13.997,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":222918.613,"dur":14.088,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":222932.773,"dur":8.100,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":212808.726,"dur":10132.191,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":222941.043,"dur":10067.529,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":233009.527,"dur":0.754,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":233010.406,"dur":14.284,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":233010.392,"dur":14.391,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":233024.827,"dur":15.383,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":222941.030,"dur":10099.276,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":233040.423,"dur":10067.989,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":243109.341,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":243110.209,"dur":14.789,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":243110.194,"dur":14.879,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":243125.143,"dur":8.251,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":233040.410,"dur":10093.027,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":243133.564,"dur":10140.085,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":253274.554,"dur":0.718,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":253275.400,"dur":14.040,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":253275.385,"dur":14.142,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":253289.576,"dur":8.192,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":243133.551,"dur":10164.305,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":253297.978,"dur":10067.239,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":263366.093,"dur":0.729,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":263366.961,"dur":13.505,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":263366.947,"dur":13.598,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":263380.617,"dur":16.219,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":253297.965,"dur":10098.936,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":263397.025,"dur":10068.084,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":273465.999,"dur":0.768,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":273466.986,"dur":13.635,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":273466.973,"dur":13.738,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":273480.759,"dur":7.958,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":263397.011,"dur":10091.794,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":273488.929,"dur":10066.836,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":283556.709,"dur":0.774,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":283557.623,"dur":13.799,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":283557.608,"dur":13.892,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":283571.571,"dur":8.094,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":273488.915,"dur":10090.795,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":283579.833,"dur":10067.385,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":293648.194,"dur":0.768,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":293649.088,"dur":13.927,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":293649.075,"dur":14.030,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":293663.147,"dur":8.308,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":283579.820,"dur":10091.722,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":293671.662,"dur":10096.622,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":303769.147,"dur":0.723,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":303770.018,"dur":13.967,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":303770.004,"dur":14.056,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":303784.133,"dur":16.469,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":293671.648,"dur":10129.016,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":303800.792,"dur":10110.884,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":313912.642,"dur":0.713,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":313913.484,"dur":14.062,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":313913.470,"dur":14.165,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":313927.682,"dur":8.034,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":303800.780,"dur":10135.028,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":313935.931,"dur":10066.727,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":324003.598,"dur":0.734,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":324004.480,"dur":13.727,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":324004.465,"dur":13.819,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":324018.360,"dur":8.026,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":313935.918,"dur":10090.511,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":324026.554,"dur":10121.177,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":334148.697,"dur":0.750,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":334149.580,"dur":13.850,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":334149.565,"dur":13.955,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":334163.565,"dur":8.228,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":324026.541,"dur":10145.345,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":334172.014,"dur":10117.929,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":344290.968,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":344291.838,"dur":14.350,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":344291.824,"dur":14.440,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":344306.338,"dur":8.310,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":334172.000,"dur":10142.690,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":344314.814,"dur":10067.462,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":354383.162,"dur":0.721,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":354384.104,"dur":17.882,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":354384.089,"dur":17.988,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":354402.127,"dur":8.048,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":344314.802,"dur":10095.466,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":354410.386,"dur":10067.172,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":364478.442,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":364479.305,"dur":13.696,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":364479.292,"dur":13.784,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":364493.150,"dur":7.895,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":354410.372,"dur":10090.715,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":364501.207,"dur":10070.950,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":374573.075,"dur":0.841,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":374574.043,"dur":14.341,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":374574.029,"dur":14.443,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":374588.520,"dur":15.786,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":364501.193,"dur":10103.204,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":374604.519,"dur":10068.976,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":384674.382,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":384675.252,"dur":13.927,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":384675.238,"dur":14.015,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":384689.328,"dur":8.083,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":374604.505,"dur":10092.951,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":384697.583,"dur":10067.222,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":394765.841,"dur":0.819,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":394766.787,"dur":14.808,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":394766.773,"dur":14.911,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":394781.733,"dur":8.596,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":384697.569,"dur":10092.852,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":394790.504,"dur":10067.312,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":404858.687,"dur":0.736,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":404859.566,"dur":13.968,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":404859.552,"dur":14.059,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":404873.682,"dur":8.191,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":394790.490,"dur":10091.427,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":404882.041,"dur":10067.032,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":414950.115,"dur":0.750,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":414950.999,"dur":14.559,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":414950.985,"dur":14.663,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":414965.697,"dur":8.437,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":404882.026,"dur":10092.192,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":414974.343,"dur":10067.201,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":425042.423,"dur":0.733,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":425043.301,"dur":13.910,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":425043.286,"dur":14.001,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":425057.359,"dur":7.949,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":414974.330,"dur":10091.022,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":425065.474,"dur":10061.785,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":435128.254,"dur":0.752,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":435129.237,"dur":14.929,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":435129.221,"dur":15.038,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":435144.321,"dur":7.695,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":425065.461,"dur":10086.655,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":435152.244,"dur":10074.002,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":445227.222,"dur":0.840,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":445228.218,"dur":15.071,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":445228.202,"dur":15.171,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":445243.454,"dur":8.758,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":435152.229,"dur":10100.046,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":445252.409,"dur":10075.835,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":455329.200,"dur":0.891,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":455330.235,"dur":14.831,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":455330.219,"dur":14.943,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":455345.217,"dur":17.892,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":445252.393,"dur":10110.811,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":455363.331,"dur":10096.690,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":465460.890,"dur":0.779,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":465461.806,"dur":13.750,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":465461.792,"dur":13.840,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":465475.703,"dur":8.035,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":455363.317,"dur":10120.465,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":465483.905,"dur":10119.946,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":475604.766,"dur":0.714,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":475605.614,"dur":13.804,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":475605.599,"dur":13.911,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":475619.554,"dur":8.047,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":465483.892,"dur":10143.797,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":475627.817,"dur":10066.366,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":485695.068,"dur":0.775,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":485695.984,"dur":13.645,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":485695.970,"dur":13.736,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":485709.779,"dur":7.931,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":475627.803,"dur":10089.950,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":485717.874,"dur":10250.145,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":495969.008,"dur":0.818,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":495969.991,"dur":16.758,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":495969.971,"dur":16.898,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":495986.939,"dur":9.255,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":485717.860,"dur":10278.448,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":495996.466,"dur":10082.727,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":506080.148,"dur":0.883,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":506081.203,"dur":16.578,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":506081.184,"dur":16.705,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":506097.978,"dur":9.211,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":495996.448,"dur":10110.804,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":506107.401,"dur":10211.927,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":516320.337,"dur":0.832,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":516321.435,"dur":16.691,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":516321.416,"dur":16.817,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":516338.299,"dur":8.987,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":506107.383,"dur":10240.015,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":516347.542,"dur":10071.109,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":526419.532,"dur":0.817,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":526420.493,"dur":13.742,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":526420.479,"dur":13.832,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":526434.384,"dur":15.284,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":516347.523,"dur":10102.207,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":526449.868,"dur":10091.173,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":536541.958,"dur":0.800,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":536542.897,"dur":13.469,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":536542.882,"dur":13.575,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":536556.506,"dur":8.015,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":526449.855,"dur":10114.756,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":536564.732,"dur":10066.848,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":546632.469,"dur":0.869,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":546633.481,"dur":13.483,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":546633.467,"dur":13.575,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":546647.116,"dur":8.103,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":536564.719,"dur":10090.542,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":546655.384,"dur":10077.831,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":556734.125,"dur":0.857,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":556735.115,"dur":13.688,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":556735.099,"dur":13.793,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":556748.942,"dur":8.018,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":546655.370,"dur":10101.674,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":556757.169,"dur":10066.317,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":566824.364,"dur":0.855,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":566825.359,"dur":13.701,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":566825.345,"dur":13.793,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":566839.212,"dur":7.964,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":556757.156,"dur":10090.065,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":566847.345,"dur":10130.692,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":576978.923,"dur":0.811,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":576979.869,"dur":13.664,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":576979.855,"dur":13.769,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":576993.674,"dur":8.010,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":566847.331,"dur":10154.446,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":577001.895,"dur":10067.309,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":587070.084,"dur":0.811,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":587071.035,"dur":13.551,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":587071.020,"dur":13.646,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":587084.737,"dur":7.955,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":577001.882,"dur":10090.854,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":587092.857,"dur":10066.886,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":597160.643,"dur":0.818,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":597161.699,"dur":13.707,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":597161.685,"dur":13.809,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":597175.545,"dur":7.935,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":587092.844,"dur":10090.728,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":597183.701,"dur":10066.842,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":607251.408,"dur":0.829,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":607252.384,"dur":13.573,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":607252.369,"dur":13.667,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":607266.107,"dur":13.688,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":597183.688,"dur":10096.160,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":607279.983,"dur":10066.496,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":617347.370,"dur":0.813,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":617348.311,"dur":13.611,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":617348.297,"dur":13.714,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":617362.059,"dur":7.973,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":607279.969,"dur":10090.154,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":617370.240,"dur":10070.345,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":627441.468,"dur":0.821,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":627442.430,"dur":13.705,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":627442.416,"dur":13.796,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":627456.284,"dur":8.023,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":617370.227,"dur":10094.125,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":627464.473,"dur":10109.606,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":637574.981,"dur":0.806,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":637575.922,"dur":13.571,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":637575.908,"dur":13.677,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":637589.628,"dur":7.925,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":627464.460,"dur":10133.186,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":637597.777,"dur":10109.024,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":647707.688,"dur":0.815,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":647708.643,"dur":13.650,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":647708.628,"dur":13.745,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":647722.445,"dur":8.111,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":637597.763,"dur":10132.837,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":647730.721,"dur":10066.348,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":657798.009,"dur":0.960,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":657799.102,"dur":13.808,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":657799.087,"dur":13.908,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":657813.044,"dur":8.034,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":647730.707,"dur":10090.459,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":657821.291,"dur":10066.641,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":667888.818,"dur":0.825,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":667889.788,"dur":13.860,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":667889.774,"dur":13.951,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":667903.798,"dur":8.059,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":657821.277,"dur":10090.625,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":667912.021,"dur":10119.254,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":678032.227,"dur":0.810,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":678033.276,"dur":13.846,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":678033.262,"dur":13.949,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":678047.256,"dur":15.075,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":667912.008,"dur":10150.418,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":678062.544,"dur":10060.990,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":688124.496,"dur":0.719,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":688125.356,"dur":13.505,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":688125.342,"dur":13.596,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":688139.007,"dur":7.262,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":678062.531,"dur":10083.788,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":688146.443,"dur":10066.999,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":698214.526,"dur":0.804,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":698215.462,"dur":13.609,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":698215.447,"dur":13.712,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":698229.207,"dur":8.029,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":688146.429,"dur":10090.892,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":698237.445,"dur":10067.055,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":708305.388,"dur":0.811,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":708306.338,"dur":13.781,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":708306.323,"dur":13.872,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":708320.271,"dur":7.949,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":698237.432,"dur":10090.829,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":708328.387,"dur":10069.063,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":718398.347,"dur":0.853,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":718399.328,"dur":13.594,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":718399.313,"dur":13.699,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":718413.062,"dur":8.023,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":708328.374,"dur":10092.797,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":718421.291,"dur":10073.225,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":728495.399,"dur":0.812,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":728496.358,"dur":13.797,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":728496.345,"dur":13.887,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":728510.305,"dur":7.991,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":718421.277,"dur":10097.065,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":728518.465,"dur":10151.474,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":738670.833,"dur":0.819,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":738671.782,"dur":13.624,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":738671.766,"dur":13.731,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":738685.547,"dur":8.019,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":728518.453,"dur":10175.202,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":738693.773,"dur":10066.606,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":748761.324,"dur":0.862,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":748762.323,"dur":13.924,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":748762.308,"dur":14.014,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":748776.396,"dur":14.820,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":738693.760,"dur":10097.503,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":748791.385,"dur":10069.943,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":758862.214,"dur":0.836,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":758863.288,"dur":13.600,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":758863.275,"dur":13.704,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":758877.027,"dur":8.011,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":748791.371,"dur":10093.756,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":758885.249,"dur":10066.425,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":768952.555,"dur":0.818,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":768953.516,"dur":13.688,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":768953.502,"dur":13.780,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":768967.355,"dur":8.048,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":758885.235,"dur":10090.210,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":768975.570,"dur":10066.746,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":779043.213,"dur":0.856,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":779044.193,"dur":13.766,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":779044.178,"dur":13.873,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":779058.097,"dur":8.123,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":768975.558,"dur":10090.749,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":779066.434,"dur":10066.400,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":789133.724,"dur":0.840,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":789134.705,"dur":13.788,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":789134.691,"dur":13.879,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":789148.643,"dur":8.061,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":779066.421,"dur":10090.325,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":789156.873,"dur":10066.580,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":799224.363,"dur":0.856,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":799225.355,"dur":13.676,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":799225.341,"dur":13.782,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":799239.171,"dur":7.969,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":789156.859,"dur":10090.366,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":799247.349,"dur":10066.591,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":809314.824,"dur":0.811,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":809315.777,"dur":13.619,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":809315.762,"dur":13.710,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":809329.546,"dur":9.682,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":799247.335,"dur":10091.935,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":809339.393,"dur":10066.368,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":819406.671,"dur":0.788,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":819407.593,"dur":13.417,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":819407.579,"dur":13.522,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":819421.147,"dur":8.855,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":809339.379,"dur":10090.711,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":819430.220,"dur":10066.773,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":829497.874,"dur":0.836,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":829498.850,"dur":13.784,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":829498.835,"dur":13.878,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":829512.786,"dur":18.622,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":819430.207,"dur":10101.320,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":829531.653,"dur":10128.033,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":839660.586,"dur":0.814,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":839661.621,"dur":13.619,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":839661.607,"dur":13.723,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":839675.377,"dur":7.931,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":829531.640,"dur":10151.756,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":839683.514,"dur":10162.230,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":849846.613,"dur":0.728,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":849847.487,"dur":13.671,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":849847.472,"dur":13.766,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":849861.312,"dur":7.926,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":839683.500,"dur":10185.783,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":849869.406,"dur":10068.130,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":859938.842,"dur":0.788,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":859939.763,"dur":15.044,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":859939.748,"dur":15.149,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":859954.945,"dur":8.281,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":849869.392,"dur":10093.920,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":859963.398,"dur":10074.499,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":870038.836,"dur":0.782,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":870039.764,"dur":13.724,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":870039.750,"dur":13.815,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":870053.636,"dur":8.311,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":859963.384,"dur":10098.611,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":870062.189,"dur":10098.134,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":880161.247,"dur":0.772,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":880162.155,"dur":14.416,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":880162.140,"dur":14.521,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":880176.710,"dur":8.236,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":870062.176,"dur":10122.861,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":880185.159,"dur":10087.030,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":890273.151,"dur":0.748,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":890274.036,"dur":14.013,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":890274.022,"dur":14.102,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":890288.198,"dur":9.667,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":880185.146,"dur":10112.764,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":890298.034,"dur":10075.183,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":900374.134,"dur":0.712,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":900374.981,"dur":24.443,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":900374.967,"dur":24.571,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":900399.582,"dur":16.245,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":890298.020,"dur":10117.909,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":900416.053,"dur":10100.879,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":910517.808,"dur":0.780,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":910518.733,"dur":14.385,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":910518.718,"dur":14.477,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":910533.269,"dur":8.338,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":900416.039,"dur":10125.613,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":910541.738,"dur":10066.317,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":920608.953,"dur":0.757,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":920609.927,"dur":14.346,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":920609.913,"dur":14.450,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":920624.413,"dur":8.221,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":910541.725,"dur":10090.998,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":920632.847,"dur":10139.628,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":930773.355,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":930774.225,"dur":13.816,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":930774.210,"dur":13.909,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":930788.194,"dur":7.950,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":920632.833,"dur":10163.356,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":930796.313,"dur":10077.453,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":940874.964,"dur":0.716,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":940875.815,"dur":15.823,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":940875.800,"dur":15.930,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":940891.780,"dur":8.770,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":930796.300,"dur":10104.341,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":940900.831,"dur":10073.718,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":950975.429,"dur":0.772,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":950976.337,"dur":13.907,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":950976.323,"dur":13.997,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":950990.393,"dur":8.109,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":940900.817,"dur":10097.727,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":950998.734,"dur":10066.471,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":961066.097,"dur":0.720,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":961066.951,"dur":13.809,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":961066.935,"dur":13.914,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":961080.899,"dur":8.046,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":950998.720,"dur":10090.314,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":961089.153,"dur":10066.676,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":971156.690,"dur":0.772,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":971157.604,"dur":14.023,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":971157.590,"dur":14.114,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":971171.779,"dur":7.904,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":961089.139,"dur":10090.589,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":971179.852,"dur":10108.593,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":981289.331,"dur":0.722,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":981290.188,"dur":13.989,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":981290.174,"dur":14.090,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":981304.313,"dur":14.971,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":971179.838,"dur":10139.535,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":981319.491,"dur":10102.666,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":991423.045,"dur":0.724,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":991423.915,"dur":13.592,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":991423.902,"dur":13.683,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":991437.655,"dur":8.081,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":981319.477,"dur":10126.302,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":991445.902,"dur":10237.696,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1001684.632,"dur":0.842,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1001685.718,"dur":16.592,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1001685.700,"dur":16.718,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1001702.477,"dur":9.134,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":991445.889,"dur":10265.826,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1001711.852,"dur":10223.647,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1011936.455,"dur":0.866,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1011937.495,"dur":16.887,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1011937.475,"dur":17.010,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1011954.573,"dur":9.340,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1001711.835,"dur":10252.139,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1011964.122,"dur":10176.464,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1022141.559,"dur":0.769,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1022142.462,"dur":13.675,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1022142.448,"dur":13.782,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1022156.282,"dur":8.059,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1011964.104,"dur":10200.330,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1022164.630,"dur":10215.881,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1032381.387,"dur":0.769,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1032382.298,"dur":23.054,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1032382.284,"dur":23.163,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1032405.518,"dur":7.951,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1022164.616,"dur":10248.897,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1032413.702,"dur":10111.014,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1042525.621,"dur":0.771,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1042526.518,"dur":14.350,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1042526.503,"dur":14.456,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1042541.002,"dur":8.168,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1032413.688,"dur":10135.573,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1042549.393,"dur":10118.647,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1052668.999,"dur":0.841,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1052670.048,"dur":14.569,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1052670.033,"dur":14.658,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1052684.765,"dur":15.360,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1042549.379,"dur":10150.794,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1052700.296,"dur":10059.375,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1062760.651,"dur":0.728,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1062761.513,"dur":13.933,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1062761.498,"dur":14.035,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1062775.584,"dur":8.263,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1052700.282,"dur":10083.663,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1062784.065,"dur":10198.350,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1072983.300,"dur":0.760,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1072984.205,"dur":14.168,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1072984.191,"dur":14.261,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1072998.528,"dur":9.472,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1062784.051,"dur":10223.994,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1073008.168,"dur":10162.386,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1083171.534,"dur":0.730,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1083172.491,"dur":14.117,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1083172.476,"dur":14.223,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1083186.751,"dur":8.189,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1073008.154,"dur":10186.876,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1083195.160,"dur":10183.249,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1093379.372,"dur":0.997,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1093380.514,"dur":18.159,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1093380.499,"dur":18.267,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1093398.841,"dur":8.507,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1083195.146,"dur":10212.250,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1093407.585,"dur":10114.499,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1103523.083,"dur":0.701,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1103523.914,"dur":14.601,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1103523.899,"dur":14.708,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1103538.659,"dur":8.487,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1093407.572,"dur":10139.665,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1103547.367,"dur":10097.019,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1113645.286,"dur":0.833,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1113646.257,"dur":14.796,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1113646.242,"dur":14.889,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1113661.205,"dur":8.224,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1103547.355,"dur":10122.119,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1113669.600,"dur":10160.998,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1123831.529,"dur":0.806,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1123832.472,"dur":14.129,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1123832.458,"dur":14.232,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1123846.741,"dur":16.642,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1113669.587,"dur":10193.897,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1123863.608,"dur":10121.572,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1133986.153,"dur":0.830,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1133987.128,"dur":14.289,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1133987.113,"dur":14.381,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1134001.569,"dur":8.174,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1123863.593,"dur":10146.192,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1134009.910,"dur":10066.898,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1144077.748,"dur":0.744,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1144078.629,"dur":14.551,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1144078.615,"dur":14.656,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1144093.324,"dur":8.482,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1134009.896,"dur":10092.003,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1144102.030,"dur":10075.332,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1154178.465,"dur":0.994,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1154179.606,"dur":14.589,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1154179.592,"dur":14.679,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1154194.348,"dur":8.668,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1144102.016,"dur":10101.045,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1154203.151,"dur":10106.655,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1164310.726,"dur":0.740,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1164311.680,"dur":13.779,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1164311.666,"dur":13.885,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1164325.595,"dur":8.063,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1154203.137,"dur":10130.614,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1164333.881,"dur":10119.867,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1174454.652,"dur":0.741,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1174455.532,"dur":13.763,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1174455.517,"dur":13.854,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1174469.446,"dur":8.084,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1164333.869,"dur":10143.705,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1174477.698,"dur":10109.118,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1184587.813,"dur":0.736,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1184588.685,"dur":14.221,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1184588.671,"dur":14.327,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1184603.047,"dur":8.136,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1174477.684,"dur":10133.593,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1184611.398,"dur":10061.569,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1194674.598,"dur":1.600,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1194676.445,"dur":22.649,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1194676.425,"dur":22.781,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1194699.289,"dur":24.330,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1184611.384,"dur":10112.302,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1194723.825,"dur":10059.226,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1204784.138,"dur":0.668,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1204784.942,"dur":12.716,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1204784.928,"dur":12.792,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1204797.765,"dur":5.872,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1194723.805,"dur":10079.889,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1204803.742,"dur":10057.279,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1214861.120,"dur":0.090,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1214861.279,"dur":5.574,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1214861.266,"dur":5.635,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1214866.934,"dur":1.171,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1204803.728,"dur":10064.410,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1214868.185,"dur":10058.279,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1224926.785,"dur":0.230,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1224927.081,"dur":7.343,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1224927.067,"dur":7.392,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1224934.491,"dur":2.602,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1214868.170,"dur":10068.956,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1224937.171,"dur":10057.143,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1234994.389,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1234994.529,"dur":6.389,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1234994.515,"dur":6.440,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1235000.985,"dur":2.590,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1224937.157,"dur":10066.452,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1235003.660,"dur":10058.113,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1245061.989,"dur":0.347,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1245062.515,"dur":7.333,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1245062.500,"dur":7.385,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1245070.009,"dur":3.624,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1235003.647,"dur":10070.022,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1245073.727,"dur":10057.411,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1255131.266,"dur":0.169,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1255131.566,"dur":6.473,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1255131.551,"dur":6.521,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1255138.105,"dur":3.022,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1245073.713,"dur":10067.446,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1255141.278,"dur":10057.474,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1265198.832,"dur":0.162,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1265199.057,"dur":5.049,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1265199.043,"dur":5.097,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1265204.172,"dur":1.430,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1255141.264,"dur":10064.370,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1265205.678,"dur":10057.367,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1275263.121,"dur":0.124,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1275263.311,"dur":5.500,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1275263.297,"dur":5.550,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1275268.877,"dur":9.394,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1265205.664,"dur":10072.640,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1275278.353,"dur":10058.117,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1285336.566,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1285336.744,"dur":6.526,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1285336.726,"dur":6.582,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1285343.342,"dur":1.263,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1275278.339,"dur":10066.298,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1285344.683,"dur":10054.240,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1295399.000,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1295399.146,"dur":4.806,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1295399.132,"dur":4.857,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1295404.020,"dur":0.959,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1285344.669,"dur":10060.344,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1295405.073,"dur":10059.992,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1305465.143,"dur":0.065,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1305465.272,"dur":5.297,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1305465.258,"dur":5.348,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1305470.636,"dur":0.847,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1295405.058,"dur":10066.457,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1305471.558,"dur":10057.332,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1315528.962,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1315529.110,"dur":4.993,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1315529.095,"dur":5.044,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1315534.170,"dur":0.860,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1305471.545,"dur":10063.517,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1315535.109,"dur":10057.438,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1325592.623,"dur":0.090,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1325592.888,"dur":4.931,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1325592.875,"dur":4.982,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1325597.888,"dur":0.918,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1315535.095,"dur":10063.743,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1325598.886,"dur":10057.016,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1335655.978,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1335656.122,"dur":4.849,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1335656.108,"dur":4.898,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1335661.038,"dur":0.747,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1325598.871,"dur":10062.948,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1335661.867,"dur":10057.529,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1345719.476,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1345719.613,"dur":4.798,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1345719.598,"dur":4.847,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1345724.476,"dur":2.158,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1335661.853,"dur":10064.816,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1345726.714,"dur":10056.845,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1355783.645,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1355783.799,"dur":5.284,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1355783.784,"dur":5.336,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1355789.157,"dur":1.203,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1345726.701,"dur":10063.693,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1355790.447,"dur":10057.432,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1365847.968,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1365848.126,"dur":5.526,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1365848.109,"dur":5.582,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1365853.724,"dur":1.626,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1355790.431,"dur":10064.955,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1365855.433,"dur":10056.796,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1375912.313,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1375912.558,"dur":5.308,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1375912.543,"dur":5.385,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1375917.966,"dur":1.972,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1365855.419,"dur":10064.557,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1375920.028,"dur":10057.826,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1385977.928,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1385978.059,"dur":5.084,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1385978.044,"dur":5.151,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1385983.228,"dur":1.330,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1375920.014,"dur":10064.578,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1385984.638,"dur":10057.255,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1396041.968,"dur":0.097,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1396042.133,"dur":4.827,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1396042.119,"dur":4.876,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1396047.024,"dur":1.155,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1385984.625,"dur":10063.586,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1396048.260,"dur":10057.203,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1406105.541,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1406105.692,"dur":4.844,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1406105.678,"dur":4.893,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1406110.601,"dur":0.764,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1396048.246,"dur":10063.151,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1406111.444,"dur":10057.324,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1416168.843,"dur":0.079,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1416168.994,"dur":4.923,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1416168.979,"dur":4.975,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1416173.984,"dur":2.216,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1406111.430,"dur":10064.804,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1416176.285,"dur":10057.271,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1426233.636,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1426233.767,"dur":4.729,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1426233.753,"dur":4.780,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1426238.564,"dur":0.935,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1416176.272,"dur":10063.259,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1426239.575,"dur":10057.745,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1436297.397,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1436297.547,"dur":4.720,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1436297.534,"dur":4.770,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1436302.337,"dur":0.890,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1426239.560,"dur":10063.702,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1436303.309,"dur":10057.101,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1446360.505,"dur":0.090,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1446360.661,"dur":4.802,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1446360.646,"dur":4.854,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1446365.532,"dur":1.130,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1436303.294,"dur":10063.401,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1446366.739,"dur":10057.388,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1456424.204,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1456424.347,"dur":4.827,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1456424.333,"dur":4.877,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1456429.246,"dur":0.898,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1446366.725,"dur":10063.452,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1456430.242,"dur":10057.577,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1466487.896,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1466488.034,"dur":4.780,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1466488.015,"dur":4.853,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1466492.901,"dur":0.780,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1456430.227,"dur":10063.486,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1466493.759,"dur":10057.692,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1476551.525,"dur":0.097,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1476551.697,"dur":4.778,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1476551.682,"dur":4.826,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1476556.543,"dur":0.762,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1466493.746,"dur":10063.590,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1476557.384,"dur":10057.049,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1486614.519,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1486614.667,"dur":5.262,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1486614.652,"dur":5.317,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1486620.002,"dur":0.925,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1476557.369,"dur":10063.594,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1486621.014,"dur":10056.584,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1496677.739,"dur":0.132,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1496677.972,"dur":7.195,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1496677.952,"dur":7.283,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1496685.307,"dur":2.687,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1486620.999,"dur":10067.047,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1496688.125,"dur":10057.730,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1506746.009,"dur":0.123,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1506746.230,"dur":7.163,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1506746.210,"dur":7.254,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1506753.538,"dur":1.476,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1496688.105,"dur":10066.957,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1506755.132,"dur":10057.236,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1516812.501,"dur":0.098,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1516812.696,"dur":6.562,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1516812.677,"dur":6.629,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1516819.350,"dur":1.104,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1506755.112,"dur":10065.392,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1516820.568,"dur":10056.848,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1526877.538,"dur":0.101,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1526877.720,"dur":6.307,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1526877.703,"dur":6.368,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1526884.108,"dur":1.211,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1516820.549,"dur":10064.812,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1526885.433,"dur":10056.956,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1536942.483,"dur":0.088,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1536942.643,"dur":4.847,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1536942.628,"dur":4.897,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1536947.558,"dur":0.828,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1526885.415,"dur":10063.003,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1536948.466,"dur":10057.409,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1547005.971,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1547006.104,"dur":4.834,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1547006.090,"dur":4.886,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1547011.008,"dur":0.813,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1536948.452,"dur":10063.402,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1547011.898,"dur":10056.917,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1557068.917,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1557069.078,"dur":5.468,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1557069.062,"dur":5.523,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1557074.622,"dur":0.785,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1547011.884,"dur":10063.559,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1557075.495,"dur":10057.106,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1567132.699,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1567132.859,"dur":4.880,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1567132.844,"dur":4.933,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1567137.812,"dur":3.184,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1557075.480,"dur":10065.559,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1567141.090,"dur":10057.161,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1577198.346,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1577198.488,"dur":4.870,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1577198.473,"dur":4.921,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1577203.430,"dur":0.807,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1567141.074,"dur":10063.208,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1577204.330,"dur":10057.048,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1587261.485,"dur":0.089,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1587261.651,"dur":5.345,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1587261.635,"dur":5.399,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1587267.069,"dur":0.897,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1577204.317,"dur":10063.688,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1587268.053,"dur":10056.481,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1597324.642,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1597324.811,"dur":5.364,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1597324.795,"dur":5.423,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1597330.253,"dur":0.905,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1587268.038,"dur":10063.157,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1597331.247,"dur":10056.723,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1607388.079,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1607394.797,"dur":5.257,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1607394.782,"dur":5.316,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1607400.133,"dur":0.959,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1597331.231,"dur":10069.898,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1607401.179,"dur":10057.233,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1617458.496,"dur":0.094,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1617458.670,"dur":5.307,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1617458.654,"dur":5.361,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1617464.050,"dur":0.805,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1607401.164,"dur":10063.728,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1617464.943,"dur":10057.546,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1627522.603,"dur":0.098,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1627522.807,"dur":7.269,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1627522.787,"dur":7.335,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1627530.159,"dur":0.846,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1617464.928,"dur":10066.116,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1627531.092,"dur":10054.103,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1637585.292,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1637585.436,"dur":4.799,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1637585.422,"dur":4.852,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1637590.306,"dur":1.873,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1627531.077,"dur":10061.138,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1637592.264,"dur":10057.008,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1647649.385,"dur":0.075,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1647649.623,"dur":5.293,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1647649.608,"dur":5.347,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1647654.991,"dur":1.659,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1637592.250,"dur":10064.436,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1647656.734,"dur":10054.310,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1657711.124,"dur":0.094,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1657711.296,"dur":8.190,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1657711.280,"dur":8.255,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1657719.574,"dur":1.807,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1647656.719,"dur":10064.709,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1657721.479,"dur":10057.145,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1667778.707,"dur":0.074,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1667778.849,"dur":5.409,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1667778.834,"dur":5.463,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1667784.332,"dur":0.823,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1657721.464,"dur":10063.730,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1667785.246,"dur":10056.845,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1677842.169,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1677842.322,"dur":4.966,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1677842.307,"dur":5.022,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1677847.364,"dur":0.774,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1667785.231,"dur":10062.941,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1677848.226,"dur":10057.036,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1687905.351,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1687905.502,"dur":5.322,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1687905.485,"dur":5.378,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1687910.900,"dur":0.848,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1677848.210,"dur":10063.590,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1687911.848,"dur":10057.682,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1697969.607,"dur":0.094,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1697969.772,"dur":4.838,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1697969.758,"dur":4.885,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1697974.674,"dur":0.812,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1687911.832,"dur":10063.685,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1697975.569,"dur":10056.530,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1708032.187,"dur":0.091,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1708032.350,"dur":5.282,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1708032.335,"dur":5.339,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1708037.708,"dur":0.812,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1697975.555,"dur":10063.004,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1708038.610,"dur":10057.397,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1718096.091,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1718096.245,"dur":5.299,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1718096.229,"dur":5.367,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1718101.631,"dur":1.989,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1708038.595,"dur":10065.061,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1718103.709,"dur":10057.050,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1728160.839,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1728160.979,"dur":4.886,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1728160.964,"dur":4.960,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1728165.954,"dur":0.867,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1718103.693,"dur":10063.162,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1728166.898,"dur":10056.878,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1738223.848,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1738223.996,"dur":4.839,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1738223.982,"dur":4.887,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1738228.918,"dur":0.775,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1728166.885,"dur":10062.840,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1738229.772,"dur":10056.864,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1748286.710,"dur":0.094,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1748286.870,"dur":4.698,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1748286.856,"dur":4.750,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1748291.636,"dur":0.807,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1738229.758,"dur":10062.720,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1748292.521,"dur":10056.830,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1758349.435,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1758349.591,"dur":5.330,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1758349.575,"dur":5.386,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1758354.995,"dur":0.806,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1748292.507,"dur":10063.328,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1758355.889,"dur":10057.220,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1768413.192,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1768413.335,"dur":5.231,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1768413.319,"dur":5.285,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1768418.636,"dur":0.834,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1758355.873,"dur":10063.632,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1768419.554,"dur":10056.964,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1778476.594,"dur":0.083,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1778476.749,"dur":4.772,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1778476.736,"dur":4.821,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1778481.588,"dur":0.860,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1768419.538,"dur":10062.944,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1778482.534,"dur":10057.530,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1788540.142,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1788540.280,"dur":4.798,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1788540.265,"dur":4.848,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1788545.145,"dur":1.758,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1778482.520,"dur":10064.418,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1788546.984,"dur":10056.700,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1798603.759,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1798603.907,"dur":4.742,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1798603.893,"dur":4.790,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1798608.716,"dur":0.798,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1788546.970,"dur":10062.578,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1798609.597,"dur":10057.345,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1808667.022,"dur":0.073,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1808667.210,"dur":4.787,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1808667.195,"dur":4.838,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1808672.067,"dur":0.796,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1798609.582,"dur":10063.315,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1808672.956,"dur":10056.933,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1818729.972,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1818730.142,"dur":5.406,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1818730.127,"dur":5.459,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1818735.620,"dur":1.083,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1808672.941,"dur":10063.797,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1818736.793,"dur":10057.003,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1828793.874,"dur":0.065,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1828794.005,"dur":4.797,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1828793.991,"dur":4.850,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1828798.872,"dur":0.759,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1818736.778,"dur":10062.885,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1828799.707,"dur":10057.053,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1838856.841,"dur":0.083,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1838856.994,"dur":4.828,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1838856.979,"dur":4.879,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1838861.891,"dur":0.736,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1828799.692,"dur":10062.966,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1838862.718,"dur":10053.964,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1848916.769,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1848916.911,"dur":5.259,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1848916.896,"dur":5.316,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1848922.249,"dur":0.821,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1838862.704,"dur":10060.404,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1848923.158,"dur":10061.148,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1858985.272,"dur":0.753,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1858986.202,"dur":14.482,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1858986.185,"dur":14.614,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1859000.869,"dur":14.230,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1848923.142,"dur":10092.067,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1859015.365,"dur":10061.410,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1869077.835,"dur":0.703,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1869078.648,"dur":14.543,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1869078.633,"dur":14.635,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1869093.316,"dur":8.269,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1859015.351,"dur":10086.298,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1869101.804,"dur":10060.260,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1879163.006,"dur":0.718,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1879163.889,"dur":13.460,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1879163.875,"dur":13.585,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1879177.527,"dur":7.630,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1869101.789,"dur":10083.412,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1879185.303,"dur":10093.573,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1889280.002,"dur":0.817,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1889281.029,"dur":15.554,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1889281.012,"dur":15.650,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1889296.710,"dur":8.074,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1879185.289,"dur":10119.570,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1889305.020,"dur":10096.366,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1899402.368,"dur":0.924,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1899403.471,"dur":14.775,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1899403.455,"dur":14.875,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1899418.403,"dur":8.164,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1889305.006,"dur":10121.667,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1899426.831,"dur":10062.017,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1909489.949,"dur":0.749,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1909490.808,"dur":14.776,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1909490.793,"dur":14.869,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1909505.710,"dur":7.879,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1899426.816,"dur":10086.843,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1909513.823,"dur":10060.871,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1919575.628,"dur":0.681,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1919576.470,"dur":13.309,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1919576.455,"dur":13.432,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1919589.956,"dur":7.725,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1909513.809,"dur":10083.935,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1919597.890,"dur":10062.904,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1929661.861,"dur":0.754,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1929662.730,"dur":14.352,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1929662.713,"dur":14.446,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1929677.207,"dur":7.869,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1919597.876,"dur":10087.269,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1929685.305,"dur":10060.458,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1939746.715,"dur":0.707,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1939747.576,"dur":13.466,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1939747.562,"dur":13.591,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1939761.221,"dur":13.612,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1929685.291,"dur":10089.641,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1939775.070,"dur":10142.141,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1949918.347,"dur":0.776,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1949919.302,"dur":15.431,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1949919.279,"dur":15.539,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1949934.863,"dur":8.053,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1939775.057,"dur":10167.934,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1949943.161,"dur":10060.959,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1960005.061,"dur":0.704,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1960005.929,"dur":13.506,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1960005.916,"dur":13.639,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1960019.627,"dur":7.950,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1949943.145,"dur":10084.482,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1960027.777,"dur":10061.002,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1970089.842,"dur":0.698,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1970090.786,"dur":14.471,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1970090.770,"dur":14.589,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1970105.407,"dur":8.014,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1960027.762,"dur":10085.726,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1970113.647,"dur":10060.565,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1980175.194,"dur":0.720,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1980176.074,"dur":13.462,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1980176.060,"dur":13.583,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1980189.709,"dur":7.576,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1970113.632,"dur":10083.791,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1980197.573,"dur":10060.643,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":1990259.247,"dur":0.677,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":1990260.025,"dur":13.515,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":1990260.011,"dur":13.599,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":1990273.655,"dur":7.796,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1980197.559,"dur":10083.949,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":1990281.654,"dur":10058.334,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2000341.065,"dur":0.786,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2000342.049,"dur":16.461,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2000342.030,"dur":16.583,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2000358.695,"dur":8.771,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":1990281.641,"dur":10085.887,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2000367.700,"dur":10054.652,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2010422.448,"dur":0.123,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2010422.678,"dur":7.536,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2010422.658,"dur":7.629,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2010430.337,"dur":8.544,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2000367.682,"dur":10071.252,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2010439.007,"dur":10053.970,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2020493.043,"dur":0.066,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2020493.179,"dur":5.253,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2020493.163,"dur":5.311,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2020498.512,"dur":0.892,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2010438.987,"dur":10060.460,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2020499.501,"dur":10060.893,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2030561.493,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2030562.333,"dur":14.474,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2030562.318,"dur":14.564,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2030576.931,"dur":8.068,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2020499.485,"dur":10085.579,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2030585.223,"dur":10061.533,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2040647.732,"dur":0.719,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2040648.623,"dur":14.299,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2040648.607,"dur":14.430,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2040663.110,"dur":8.080,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2030585.207,"dur":10086.037,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2040671.396,"dur":10061.377,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2050733.811,"dur":0.724,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2050734.791,"dur":13.671,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2050734.776,"dur":13.754,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2050748.574,"dur":7.638,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2040671.380,"dur":10084.893,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2050756.433,"dur":10060.924,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2060818.370,"dur":0.722,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2060819.261,"dur":14.195,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2060819.246,"dur":14.327,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2060833.646,"dur":7.992,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2050756.419,"dur":10085.289,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2060841.861,"dur":10060.898,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2070903.821,"dur":0.703,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2070904.636,"dur":14.375,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2070904.621,"dur":14.465,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2070919.134,"dur":8.012,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2060841.846,"dur":10085.399,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2070927.406,"dur":10061.042,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2080989.466,"dur":0.724,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2080990.364,"dur":14.763,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2080990.349,"dur":14.893,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2081005.312,"dur":13.448,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2070927.390,"dur":10091.470,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2081019.017,"dur":10060.451,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2091080.532,"dur":0.677,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2091081.316,"dur":13.494,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2091081.302,"dur":13.575,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2091094.921,"dur":7.680,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2081019.002,"dur":10083.729,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2091102.878,"dur":10060.309,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2101164.123,"dur":0.700,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2101164.985,"dur":13.569,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2101164.970,"dur":13.694,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2101178.732,"dur":7.689,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2091102.866,"dur":10083.603,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2101186.613,"dur":10060.369,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2111248.057,"dur":0.665,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2111248.820,"dur":13.643,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2111248.805,"dur":13.725,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2111262.575,"dur":7.768,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2101186.599,"dur":10083.804,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2111270.554,"dur":10060.145,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2121331.628,"dur":0.684,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2121332.475,"dur":13.487,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2121332.460,"dur":13.607,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2121346.135,"dur":7.725,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2111270.540,"dur":10083.374,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2121354.066,"dur":10060.360,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2131415.504,"dur":0.681,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2131416.379,"dur":13.439,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2131416.364,"dur":13.522,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2131429.931,"dur":7.614,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2121354.052,"dur":10083.553,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2131437.760,"dur":10061.152,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2141499.934,"dur":0.889,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2141501.010,"dur":14.743,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2141500.991,"dur":14.849,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2141515.912,"dur":8.175,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2131437.748,"dur":10086.401,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2141524.258,"dur":10062.514,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2151587.897,"dur":0.720,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2151588.788,"dur":15.447,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2151588.770,"dur":15.547,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2151604.366,"dur":8.079,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2141524.244,"dur":10088.275,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2151612.674,"dur":10061.362,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2161675.008,"dur":0.717,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2161675.897,"dur":14.312,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2161675.880,"dur":14.444,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2161690.395,"dur":13.364,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2151612.659,"dur":10091.161,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2161703.978,"dur":10060.622,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2171765.645,"dur":0.675,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2171766.423,"dur":13.602,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2171766.408,"dur":13.686,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2171780.138,"dur":7.613,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2161703.963,"dur":10083.846,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2171787.959,"dur":10061.180,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2181850.150,"dur":0.761,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2181851.085,"dur":14.409,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2181851.067,"dur":14.540,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2181865.678,"dur":7.921,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2171787.946,"dur":10085.702,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2181873.796,"dur":10061.655,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2191936.476,"dur":0.722,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2191937.300,"dur":13.465,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2191937.286,"dur":13.546,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2191950.876,"dur":7.614,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2181873.782,"dur":10084.772,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2191958.705,"dur":10060.129,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2202019.777,"dur":0.715,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2202020.654,"dur":13.351,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2202020.640,"dur":13.472,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2202034.181,"dur":7.621,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2191958.692,"dur":10083.157,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2202041.992,"dur":10060.874,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2212103.891,"dur":0.722,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2212104.844,"dur":13.679,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2212104.831,"dur":13.760,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2212118.635,"dur":7.488,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2202041.978,"dur":10084.205,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2212126.339,"dur":10060.352,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2222187.626,"dur":0.699,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2222188.480,"dur":13.469,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2222188.466,"dur":13.592,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2222202.126,"dur":7.589,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2212126.326,"dur":10083.436,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2222209.905,"dur":10061.645,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2232272.614,"dur":0.713,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2232273.429,"dur":14.455,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2232273.413,"dur":14.548,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2232288.009,"dur":13.452,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2222209.891,"dur":10091.669,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2232301.708,"dur":10061.277,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2242363.954,"dur":0.754,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2242364.881,"dur":14.319,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2242364.865,"dur":14.451,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2242379.386,"dur":8.003,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2232301.692,"dur":10085.744,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2242387.586,"dur":10065.968,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2252454.612,"dur":0.690,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2252455.460,"dur":17.209,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2252455.441,"dur":17.316,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2252472.800,"dur":8.073,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2242387.571,"dur":10093.376,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2252481.102,"dur":10079.035,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2262561.170,"dur":0.836,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2262562.205,"dur":15.644,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2262562.188,"dur":15.793,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2262578.054,"dur":8.077,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2252481.088,"dur":10105.101,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2262586.335,"dur":10062.414,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2272649.811,"dur":0.702,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2272650.615,"dur":14.504,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2272650.600,"dur":14.594,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2272665.241,"dur":8.089,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2262586.320,"dur":10087.074,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2272673.557,"dur":10057.352,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2282731.871,"dur":0.728,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2282732.769,"dur":14.530,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2282732.753,"dur":14.630,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2282747.453,"dur":8.040,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2272673.543,"dur":10082.004,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2282755.697,"dur":10061.309,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2292818.068,"dur":0.753,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2292819.177,"dur":14.594,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2292819.161,"dur":14.685,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2292833.894,"dur":8.083,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2282755.682,"dur":10086.392,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2292842.233,"dur":10061.390,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2302904.581,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2302905.470,"dur":14.361,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2302905.454,"dur":14.497,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2302920.021,"dur":13.524,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2292842.219,"dur":10091.422,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2302933.799,"dur":10062.005,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2312996.868,"dur":0.712,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2312997.694,"dur":14.691,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2312997.678,"dur":14.785,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2313012.511,"dur":8.014,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2302933.785,"dur":10086.807,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2313020.760,"dur":10071.625,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2323093.388,"dur":0.792,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2323094.357,"dur":14.533,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2323094.337,"dur":14.632,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2323109.036,"dur":7.861,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2313020.745,"dur":10096.201,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2323117.086,"dur":10062.283,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2333180.525,"dur":0.716,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2333181.350,"dur":14.882,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2333181.334,"dur":14.965,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2333196.342,"dur":7.849,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2323117.072,"dur":10087.207,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2333204.432,"dur":10061.024,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2343266.422,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2343267.318,"dur":14.444,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2343267.303,"dur":14.574,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2343281.949,"dur":7.936,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2333204.419,"dur":10085.561,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2343290.137,"dur":10057.043,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2353348.216,"dur":0.709,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2353349.014,"dur":13.469,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2353349.000,"dur":13.552,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2353362.597,"dur":7.834,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2343290.123,"dur":10080.366,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2353370.636,"dur":10062.566,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2363434.135,"dur":0.689,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2363434.985,"dur":13.659,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2363434.972,"dur":13.778,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2363448.818,"dur":7.550,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2353370.624,"dur":10085.796,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2363456.563,"dur":10060.541,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2373518.133,"dur":0.668,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2373518.994,"dur":13.286,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2373518.979,"dur":13.368,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2373532.392,"dur":12.719,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2363456.549,"dur":10088.697,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2373545.346,"dur":10061.215,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2383607.524,"dur":0.718,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2383608.407,"dur":14.261,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2383608.390,"dur":14.396,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2383622.855,"dur":8.101,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2373545.333,"dur":10085.674,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2383631.154,"dur":10059.870,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2393692.058,"dur":0.715,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2393692.870,"dur":13.696,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2393692.856,"dur":13.777,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2393706.677,"dur":7.858,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2383631.139,"dur":10083.454,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2393714.751,"dur":10060.591,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2403776.267,"dur":0.728,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2403777.157,"dur":13.555,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2403777.143,"dur":13.678,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2403790.887,"dur":7.619,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2393714.737,"dur":10083.817,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2403798.698,"dur":10060.401,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2413860.130,"dur":0.677,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2413860.909,"dur":13.454,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2413860.895,"dur":13.535,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2413874.474,"dur":7.675,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2403798.686,"dur":10083.523,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2413882.358,"dur":10060.538,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2423943.847,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2423944.732,"dur":13.475,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2423944.718,"dur":13.597,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2423958.382,"dur":7.622,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2413882.344,"dur":10083.708,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2423966.193,"dur":10132.077,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2434099.405,"dur":0.766,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2434100.358,"dur":15.279,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2434100.338,"dur":15.379,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2434115.766,"dur":8.173,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2423966.179,"dur":10157.821,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2434124.151,"dur":10056.216,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2444181.375,"dur":0.925,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2444182.479,"dur":15.707,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2444182.462,"dur":15.817,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2444198.356,"dur":8.296,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2434124.137,"dur":10082.573,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2444206.872,"dur":10052.632,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2454259.575,"dur":0.150,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2454259.937,"dur":5.868,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2454259.921,"dur":5.959,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2454265.933,"dur":6.828,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2444206.855,"dur":10065.946,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2454272.866,"dur":10053.494,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2464326.425,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2464326.559,"dur":4.746,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2464326.545,"dur":4.817,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2464331.410,"dur":0.936,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2454272.850,"dur":10059.538,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2464332.453,"dur":10053.242,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2474385.750,"dur":0.055,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2474385.869,"dur":9.939,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2474385.855,"dur":9.993,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2474395.880,"dur":0.851,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2464332.439,"dur":10064.333,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2474396.821,"dur":10060.633,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2484458.387,"dur":0.722,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2484459.273,"dur":13.631,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2484459.257,"dur":13.757,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2484473.082,"dur":7.742,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2474396.808,"dur":10084.062,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2484481.014,"dur":10063.012,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2494545.200,"dur":0.785,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2494546.190,"dur":19.524,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2494546.162,"dur":19.703,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2494565.924,"dur":9.093,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2484481.000,"dur":10094.097,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2494575.236,"dur":10059.620,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2504635.880,"dur":0.816,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2504636.870,"dur":17.638,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2504636.851,"dur":17.749,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2504654.683,"dur":8.574,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2494575.218,"dur":10088.101,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2504663.446,"dur":10056.743,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2514720.279,"dur":0.148,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2514720.561,"dur":7.315,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2514720.542,"dur":7.400,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2514727.992,"dur":1.961,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2504663.428,"dur":10066.570,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2514730.067,"dur":10053.810,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2524783.948,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2524784.094,"dur":6.003,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2524784.077,"dur":6.064,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2524790.184,"dur":6.782,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2514730.047,"dur":10066.965,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2524797.073,"dur":10139.825,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2534937.964,"dur":0.746,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2534938.926,"dur":14.266,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2534938.910,"dur":14.355,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2534953.314,"dur":7.859,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2524797.056,"dur":10164.186,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2534961.417,"dur":10067.345,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2545029.776,"dur":0.763,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2545030.709,"dur":14.201,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2545030.694,"dur":14.300,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2545045.071,"dur":7.974,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2534961.401,"dur":10091.695,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2545053.243,"dur":10149.342,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2555203.624,"dur":0.733,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2555204.462,"dur":13.547,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2555204.447,"dur":13.629,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2555218.120,"dur":7.639,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2545053.229,"dur":10172.594,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2555225.976,"dur":10067.246,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2565294.153,"dur":0.740,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2565295.058,"dur":13.342,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2565295.043,"dur":13.435,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2565308.549,"dur":7.566,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2555225.962,"dur":10090.199,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2565316.303,"dur":10067.130,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2575384.452,"dur":0.712,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2575385.269,"dur":19.971,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2575385.255,"dur":20.057,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2575405.356,"dur":7.724,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2565316.290,"dur":10096.857,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2575413.290,"dur":10071.041,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2585485.255,"dur":0.725,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2585486.146,"dur":13.562,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2585486.131,"dur":13.652,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2585499.857,"dur":7.622,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2575413.276,"dur":10094.249,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2585507.667,"dur":10099.379,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2595608.083,"dur":0.723,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2595608.910,"dur":13.361,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2595608.897,"dur":13.442,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2595622.383,"dur":12.836,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2585507.654,"dur":10127.633,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2595635.428,"dur":10066.520,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2605702.935,"dur":0.734,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2605703.826,"dur":13.401,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2605703.812,"dur":13.492,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2605717.374,"dur":7.662,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2595635.414,"dur":10089.669,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2605725.226,"dur":10073.103,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2615799.344,"dur":0.709,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2615800.264,"dur":13.572,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2615800.249,"dur":13.655,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2615813.948,"dur":7.536,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2605725.213,"dur":10096.365,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2615821.719,"dur":10067.403,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2625890.064,"dur":0.706,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2625890.925,"dur":13.548,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2625890.910,"dur":13.640,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2625904.624,"dur":7.589,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2615821.705,"dur":10090.554,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2625912.403,"dur":10066.904,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2635980.360,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2635981.193,"dur":13.681,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2635981.178,"dur":13.764,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2635994.985,"dur":7.641,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2625912.390,"dur":10090.300,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2636002.853,"dur":10066.995,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2646070.788,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2646071.677,"dur":13.435,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2646071.663,"dur":13.524,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2646085.260,"dur":7.669,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2636002.839,"dur":10090.134,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2646093.117,"dur":10099.478,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2656193.659,"dur":0.741,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2656194.515,"dur":14.463,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2656194.499,"dur":14.554,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2656209.101,"dur":7.916,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2646093.103,"dur":10124.019,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2656217.271,"dur":10066.729,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2666284.952,"dur":0.732,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2666285.843,"dur":13.656,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2666285.827,"dur":13.747,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2666299.645,"dur":7.616,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2656217.256,"dur":10090.050,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2666307.449,"dur":10066.620,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2676375.092,"dur":0.728,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2676375.923,"dur":19.982,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2676375.909,"dur":20.071,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2676396.024,"dur":12.985,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2666307.437,"dur":10101.633,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2676409.212,"dur":10075.309,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2686485.456,"dur":0.712,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2686486.330,"dur":13.558,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2686486.316,"dur":13.650,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2686500.036,"dur":7.535,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2676409.200,"dur":10098.416,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2686507.759,"dur":10062.909,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2696571.732,"dur":0.828,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2696572.766,"dur":15.398,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2696572.751,"dur":15.496,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2696588.296,"dur":8.934,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2686507.746,"dur":10089.577,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2696597.482,"dur":10057.762,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2706656.242,"dur":0.770,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2706657.182,"dur":14.387,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2706657.165,"dur":14.486,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2706671.724,"dur":8.244,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2696597.467,"dur":10082.554,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2706680.170,"dur":10066.404,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2716747.608,"dur":0.719,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2716748.429,"dur":13.542,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2716748.414,"dur":13.624,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2716762.082,"dur":7.494,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2706680.156,"dur":10089.488,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2716769.799,"dur":10226.099,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2726996.835,"dur":0.727,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2726997.725,"dur":13.450,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2726997.710,"dur":13.542,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2727011.325,"dur":7.601,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2716769.785,"dur":10249.189,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2727019.116,"dur":10067.006,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2737087.142,"dur":0.713,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2737087.956,"dur":13.537,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2737087.942,"dur":13.618,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2737101.604,"dur":7.652,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2727019.104,"dur":10090.217,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2737109.467,"dur":10185.094,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2747295.519,"dur":0.761,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2747296.453,"dur":14.453,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2747296.439,"dur":14.550,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2747311.067,"dur":13.562,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2737109.453,"dur":10215.236,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2747324.848,"dur":10073.763,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2757399.564,"dur":0.726,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2757400.395,"dur":13.520,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2757400.381,"dur":13.604,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2757414.031,"dur":7.680,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2747324.833,"dur":10096.943,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2757421.926,"dur":10054.115,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2767476.182,"dur":0.142,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2767476.439,"dur":6.712,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2767476.423,"dur":6.779,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2767483.274,"dur":1.712,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2757421.913,"dur":10063.120,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2767485.091,"dur":10261.518,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2777747.653,"dur":0.708,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2777748.536,"dur":13.287,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2777748.521,"dur":13.368,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2777761.933,"dur":7.600,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2767485.076,"dur":10284.525,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2777769.749,"dur":10059.144,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2787829.872,"dur":0.673,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2787830.706,"dur":13.674,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2787830.692,"dur":13.797,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2787844.559,"dur":7.691,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2777769.735,"dur":10082.566,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2787852.446,"dur":10107.407,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2797960.918,"dur":0.693,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2797961.724,"dur":14.441,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2797961.709,"dur":14.530,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2797976.288,"dur":8.047,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2787852.432,"dur":10131.969,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2797984.557,"dur":10162.312,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2808147.831,"dur":0.704,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2808148.708,"dur":14.511,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2808148.692,"dur":14.611,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2808163.378,"dur":7.933,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2797984.541,"dur":10186.824,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2808171.516,"dur":10086.399,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2818258.944,"dur":0.664,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2818259.714,"dur":13.542,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2818259.699,"dur":13.626,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2818273.369,"dur":13.533,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2808171.502,"dur":10115.472,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2818287.114,"dur":10178.178,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2828466.227,"dur":0.675,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2828467.066,"dur":13.321,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2828467.051,"dur":13.413,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2828480.536,"dur":7.598,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2818287.101,"dur":10201.081,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2828488.324,"dur":10054.711,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2838543.211,"dur":0.174,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2838543.489,"dur":6.618,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2838543.474,"dur":6.688,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2838550.214,"dur":1.776,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2828488.311,"dur":10063.740,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2838552.111,"dur":10054.035,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2848606.219,"dur":0.120,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2848606.402,"dur":4.744,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2848606.388,"dur":4.806,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2848611.228,"dur":0.905,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2838552.097,"dur":10060.072,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2848612.218,"dur":10082.217,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2858695.468,"dur":0.673,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2858696.321,"dur":13.582,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2858696.306,"dur":13.669,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2858710.019,"dur":7.577,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2848612.204,"dur":10105.455,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2858717.808,"dur":10098.467,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2868817.211,"dur":0.683,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2868818.049,"dur":13.461,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2868818.034,"dur":13.555,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2868831.659,"dur":7.659,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2858717.794,"dur":10121.572,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2868839.505,"dur":10238.713,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2879079.263,"dur":0.665,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2879080.039,"dur":13.558,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2879080.025,"dur":13.643,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2879093.712,"dur":7.646,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2868839.491,"dur":10261.934,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2879101.573,"dur":10205.396,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2889307.901,"dur":0.694,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2889308.758,"dur":13.377,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2889308.744,"dur":13.468,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2889322.283,"dur":7.590,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2879101.560,"dur":10228.362,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2889330.062,"dur":10142.208,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2899473.290,"dur":0.658,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2899474.055,"dur":13.505,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2899474.040,"dur":13.587,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2899487.671,"dur":13.057,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2889330.048,"dur":10170.774,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2899501.091,"dur":10242.850,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2909744.871,"dur":0.681,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2909745.714,"dur":13.531,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2909745.699,"dur":13.626,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2909759.394,"dur":7.489,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2899501.062,"dur":10265.869,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2909767.075,"dur":10269.727,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2920037.844,"dur":0.664,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2920038.615,"dur":13.722,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2920038.602,"dur":13.802,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2920052.449,"dur":7.561,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2909767.060,"dur":10293.014,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2920060.227,"dur":10206.085,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2930267.256,"dur":0.680,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2930268.098,"dur":13.491,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2930268.082,"dur":13.582,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2930281.737,"dur":7.655,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2920060.214,"dur":10229.262,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2930289.726,"dur":10174.210,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2940465.003,"dur":0.697,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2940465.899,"dur":14.573,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2940465.884,"dur":14.667,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2940480.600,"dur":7.950,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2930289.684,"dur":10198.938,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2940488.786,"dur":10054.129,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2950543.033,"dur":0.154,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2950543.266,"dur":6.187,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2950543.252,"dur":6.251,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2950549.582,"dur":1.637,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2940488.770,"dur":10062.486,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2950551.311,"dur":10053.266,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2960604.664,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2960604.829,"dur":5.060,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2960604.814,"dur":5.128,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2960609.980,"dur":1.125,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2950551.299,"dur":10059.851,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2960611.200,"dur":10053.466,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2970664.722,"dur":0.087,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2970664.872,"dur":4.738,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2970664.857,"dur":4.789,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2970669.678,"dur":7.056,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2960611.184,"dur":10065.598,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2970676.837,"dur":10053.230,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2980730.119,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2980730.271,"dur":4.679,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2980730.257,"dur":4.740,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2980735.029,"dur":1.020,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2970676.823,"dur":10059.261,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2980736.128,"dur":10053.573,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":2990789.789,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":2990789.925,"dur":4.548,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":2990789.911,"dur":4.597,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":2990794.539,"dur":0.841,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2980736.114,"dur":10059.300,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":2990795.462,"dur":10056.804,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3000852.367,"dur":0.149,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3000852.615,"dur":6.854,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3000852.597,"dur":6.947,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3000859.586,"dur":1.730,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":2990795.447,"dur":10065.936,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3000861.445,"dur":10056.200,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3010917.734,"dur":0.086,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3010917.941,"dur":6.550,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3010917.920,"dur":6.641,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3010924.616,"dur":1.256,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3000861.425,"dur":10064.501,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3010925.997,"dur":10054.329,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3020980.403,"dur":0.091,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3020980.674,"dur":6.301,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3020980.655,"dur":6.389,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3020987.092,"dur":1.273,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3010925.977,"dur":10062.440,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3020988.488,"dur":10053.984,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3031042.538,"dur":0.075,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3031042.688,"dur":5.014,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3031042.671,"dur":5.072,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3031047.778,"dur":0.947,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3020988.469,"dur":10060.297,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3031048.820,"dur":10053.799,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3041102.681,"dur":0.062,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3041102.807,"dur":4.638,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3041102.792,"dur":4.692,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3041107.514,"dur":3.491,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3031048.804,"dur":10062.241,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3041111.094,"dur":10053.339,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3051164.488,"dur":0.063,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3051164.613,"dur":4.718,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3051164.599,"dur":4.768,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3051169.399,"dur":0.729,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3041111.080,"dur":10059.079,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3051170.208,"dur":10053.661,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3061223.917,"dur":0.096,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3061224.075,"dur":4.538,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3061224.061,"dur":4.587,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3061228.679,"dur":0.829,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3051170.193,"dur":10059.347,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3061229.585,"dur":10053.495,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3071283.133,"dur":0.079,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3071283.275,"dur":4.549,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3071283.260,"dur":4.600,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3071287.892,"dur":0.749,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3061229.571,"dur":10059.102,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3071288.723,"dur":10053.561,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3081342.332,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3081342.452,"dur":4.552,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3081342.437,"dur":4.604,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3081347.071,"dur":0.715,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3071288.709,"dur":10059.111,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3081347.867,"dur":10053.584,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3091401.507,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3091401.647,"dur":5.083,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3091401.632,"dur":5.137,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3091406.804,"dur":0.951,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3081347.853,"dur":10059.939,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3091407.846,"dur":10053.504,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3101461.401,"dur":0.058,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3101461.526,"dur":4.573,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3101461.512,"dur":4.621,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3101466.166,"dur":0.857,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3091407.831,"dur":10059.223,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3101467.102,"dur":10053.672,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3111520.833,"dur":0.063,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3111520.964,"dur":5.028,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3111520.948,"dur":5.082,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3111526.065,"dur":1.059,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3101467.087,"dur":10060.072,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3111527.213,"dur":10053.788,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3121581.051,"dur":0.056,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3121581.171,"dur":4.624,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3121581.157,"dur":4.677,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3121585.865,"dur":4.622,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3111527.196,"dur":10063.325,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3121590.567,"dur":10053.605,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3131644.228,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3131644.367,"dur":4.962,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3131644.351,"dur":5.018,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3131649.405,"dur":0.905,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3121590.553,"dur":10059.801,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3131650.411,"dur":10053.919,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3141704.385,"dur":0.066,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3141704.511,"dur":4.559,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3141704.497,"dur":4.608,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3141709.136,"dur":0.711,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3131650.395,"dur":10059.487,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3141709.927,"dur":10053.530,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3151763.511,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3151763.630,"dur":4.537,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3151763.615,"dur":4.589,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3151768.235,"dur":0.785,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3141709.912,"dur":10059.140,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3151769.102,"dur":10053.767,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3161822.921,"dur":0.062,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3161823.048,"dur":4.578,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3161823.034,"dur":4.627,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3161827.691,"dur":0.714,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3151769.089,"dur":10059.350,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3161828.483,"dur":10053.849,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3171882.379,"dur":0.058,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3171882.498,"dur":4.586,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3171882.484,"dur":4.637,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3171887.151,"dur":0.820,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3161828.469,"dur":10059.533,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3171888.051,"dur":10053.545,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3181941.647,"dur":0.066,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3181941.778,"dur":4.545,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3181941.763,"dur":4.596,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3181946.390,"dur":0.848,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3171888.037,"dur":10059.234,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3181947.315,"dur":10053.586,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3192000.950,"dur":0.065,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3192001.078,"dur":4.535,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3192001.065,"dur":4.585,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3192005.681,"dur":1.903,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3181947.301,"dur":10060.316,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3192007.666,"dur":10053.383,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3202061.098,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3202061.227,"dur":4.610,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3202061.214,"dur":4.661,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3202065.907,"dur":0.857,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3192007.651,"dur":10059.142,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3202066.838,"dur":10053.643,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3212120.534,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3212120.654,"dur":4.631,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3212120.639,"dur":4.681,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3212125.351,"dur":0.745,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3202066.823,"dur":10059.306,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3212126.177,"dur":10053.410,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3222179.644,"dur":0.055,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3222179.763,"dur":4.646,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3222179.749,"dur":4.697,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3222184.477,"dur":0.893,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3212126.162,"dur":10059.241,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3222185.462,"dur":10053.627,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3232239.149,"dur":0.064,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3232239.280,"dur":4.901,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3232239.264,"dur":4.957,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3232244.255,"dur":0.931,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3222185.447,"dur":10059.774,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3232245.274,"dur":10053.356,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3242298.683,"dur":0.056,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3242298.802,"dur":4.480,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3242298.787,"dur":4.532,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3242303.351,"dur":0.726,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3232245.259,"dur":10058.852,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3242304.156,"dur":10053.386,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3252357.595,"dur":0.058,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3252357.715,"dur":4.514,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3252357.700,"dur":4.564,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3252362.295,"dur":0.734,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3242304.142,"dur":10058.920,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3252363.110,"dur":10053.263,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3262416.426,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3262416.552,"dur":4.484,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3262416.538,"dur":4.533,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3262421.103,"dur":1.871,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3252363.097,"dur":10059.911,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3262423.053,"dur":10053.374,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3272476.478,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3272476.597,"dur":4.587,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3272476.582,"dur":4.639,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3272481.253,"dur":1.212,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3262423.039,"dur":10059.459,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3272482.548,"dur":10053.591,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3282536.190,"dur":0.056,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3282536.309,"dur":4.639,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3282536.295,"dur":4.690,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3282541.017,"dur":0.815,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3272482.533,"dur":10059.333,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3282541.910,"dur":10053.828,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3292595.790,"dur":0.056,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3292595.911,"dur":4.560,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3292595.896,"dur":4.610,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3292600.539,"dur":0.763,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3282541.896,"dur":10059.444,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3292601.393,"dur":10053.735,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3302655.183,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3302655.302,"dur":4.630,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3302655.288,"dur":4.679,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3302659.999,"dur":0.889,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3292601.380,"dur":10059.541,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3302660.965,"dur":10053.366,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3312714.383,"dur":0.057,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3312714.502,"dur":4.594,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3312714.488,"dur":4.644,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3312719.163,"dur":0.709,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3302660.952,"dur":10058.955,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3312719.969,"dur":10054.113,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3322774.135,"dur":0.056,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3322774.254,"dur":4.587,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3322774.239,"dur":4.636,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3322778.907,"dur":0.794,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3312719.954,"dur":10059.781,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3322779.778,"dur":10053.719,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3332833.545,"dur":0.058,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3332833.665,"dur":4.422,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3332833.651,"dur":4.474,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3332838.158,"dur":0.707,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3322779.764,"dur":10059.133,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3332838.949,"dur":10054.064,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3342893.066,"dur":0.061,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3342893.198,"dur":4.985,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3342893.182,"dur":5.044,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3342898.261,"dur":1.936,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3332838.934,"dur":10061.299,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3342900.284,"dur":10054.510,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3352954.970,"dur":0.129,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3352955.227,"dur":6.607,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3352955.210,"dur":6.667,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3352961.914,"dur":1.022,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3342900.268,"dur":10062.709,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3352963.038,"dur":10054.655,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3363017.815,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3363017.992,"dur":5.817,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3363017.976,"dur":5.876,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3363023.906,"dur":1.021,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3352963.020,"dur":10061.948,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3363025.025,"dur":10054.147,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3373079.254,"dur":0.105,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3373079.436,"dur":5.235,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3373079.421,"dur":5.290,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3373084.744,"dur":0.821,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3363025.007,"dur":10060.596,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3373085.655,"dur":10053.291,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3383139.025,"dur":0.065,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3383139.155,"dur":4.813,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3383139.142,"dur":4.862,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3383144.035,"dur":0.811,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3373085.640,"dur":10059.245,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3383144.938,"dur":10054.101,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3393199.118,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3393199.261,"dur":4.820,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3393199.246,"dur":4.873,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3393204.149,"dur":0.753,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3383144.923,"dur":10060.011,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3393204.981,"dur":10053.675,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3403258.733,"dur":0.074,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3403258.870,"dur":4.814,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3403258.856,"dur":4.864,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3403263.749,"dur":0.735,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3393204.967,"dur":10059.551,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3403264.565,"dur":10053.722,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3413318.366,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3413318.509,"dur":4.758,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3413318.496,"dur":4.807,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3413323.335,"dur":2.441,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3403264.550,"dur":10061.262,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3413325.865,"dur":10053.990,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3423379.932,"dur":0.063,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3423380.169,"dur":4.687,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3423380.155,"dur":4.740,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3423384.928,"dur":0.773,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3413325.851,"dur":10059.882,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3423385.779,"dur":10053.661,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3433439.517,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3433439.671,"dur":4.705,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3433439.658,"dur":4.754,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3433444.442,"dur":0.758,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3423385.765,"dur":10059.480,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3433445.294,"dur":10053.899,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3443499.269,"dur":0.068,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3443499.400,"dur":4.711,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3443499.387,"dur":4.759,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3443504.180,"dur":0.722,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3433445.279,"dur":10059.656,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3443504.980,"dur":10053.428,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3453558.479,"dur":0.088,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3453558.638,"dur":4.677,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3453558.624,"dur":4.726,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3453563.382,"dur":0.776,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3443504.966,"dur":10059.223,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3453564.237,"dur":10053.674,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3463617.988,"dur":0.075,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3463618.139,"dur":4.672,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3463618.125,"dur":4.722,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3463622.877,"dur":0.848,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3453564.223,"dur":10059.534,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3463623.804,"dur":10053.361,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3473677.260,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3473677.423,"dur":4.782,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3473677.408,"dur":4.832,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3473682.274,"dur":0.830,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3463623.791,"dur":10059.346,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3473683.187,"dur":10053.636,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3483736.925,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3483737.062,"dur":4.704,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3483737.047,"dur":4.754,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3483741.833,"dur":1.676,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3473683.173,"dur":10060.372,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3483743.594,"dur":10053.455,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3493797.159,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3493797.328,"dur":4.784,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3493797.310,"dur":4.849,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3493802.191,"dur":0.835,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3483743.580,"dur":10059.479,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3493803.108,"dur":10054.648,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3503857.941,"dur":0.212,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3503858.282,"dur":6.616,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3503858.249,"dur":6.710,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3503865.017,"dur":1.260,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3493803.094,"dur":10063.226,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3503866.389,"dur":10054.460,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3513920.965,"dur":0.117,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3513921.172,"dur":5.828,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3513921.155,"dur":5.888,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3513927.082,"dur":1.073,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3503866.370,"dur":10061.824,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3513928.253,"dur":10054.439,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3523982.812,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3523982.972,"dur":5.801,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3523982.955,"dur":5.866,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3523988.863,"dur":1.013,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3513928.236,"dur":10061.682,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3523989.988,"dur":10054.337,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3534044.403,"dur":0.079,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3534044.552,"dur":4.673,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3534044.538,"dur":4.721,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3534049.292,"dur":0.839,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3523989.972,"dur":10060.190,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3534050.209,"dur":10053.792,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3544104.086,"dur":0.105,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3544104.263,"dur":5.295,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3544104.248,"dur":5.351,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3544109.636,"dur":0.811,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3534050.195,"dur":10060.291,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3544110.535,"dur":10053.958,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3554164.570,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3554164.710,"dur":4.893,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3554164.696,"dur":4.945,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3554169.671,"dur":0.745,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3544110.518,"dur":10059.929,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3554170.496,"dur":10053.944,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3564224.521,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3564224.662,"dur":4.765,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3564224.647,"dur":4.817,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3564229.495,"dur":2.341,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3554170.482,"dur":10061.394,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3564231.925,"dur":10053.450,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3574285.472,"dur":0.102,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3574285.643,"dur":4.805,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3574285.629,"dur":4.872,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3574290.532,"dur":0.785,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3564231.911,"dur":10059.438,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3574291.396,"dur":10057.171,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3584348.674,"dur":0.086,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3584348.837,"dur":5.194,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3584348.822,"dur":5.248,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3584354.105,"dur":0.878,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3574291.381,"dur":10063.639,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3584355.068,"dur":10053.244,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3594408.383,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3594408.524,"dur":4.739,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3594408.509,"dur":4.790,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3594413.330,"dur":0.738,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3584355.053,"dur":10059.045,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3594414.146,"dur":10054.002,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3604468.236,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3604468.388,"dur":5.347,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3604468.372,"dur":5.401,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3604473.811,"dur":0.831,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3594414.132,"dur":10060.545,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3604474.731,"dur":10057.421,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3614532.239,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3614532.405,"dur":5.348,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3614532.390,"dur":5.406,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3614537.831,"dur":0.829,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3604474.714,"dur":10063.980,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3614538.748,"dur":10053.643,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3624592.475,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3624592.629,"dur":5.259,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3624592.612,"dur":5.318,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3624597.964,"dur":0.832,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3614538.732,"dur":10060.100,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3624598.881,"dur":10054.372,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3634653.358,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3634653.529,"dur":5.625,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3634653.513,"dur":5.681,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3634659.227,"dur":2.496,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3624598.866,"dur":10062.893,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3634661.812,"dur":10054.192,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3644716.088,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3644716.254,"dur":5.231,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3644716.238,"dur":5.287,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3644721.560,"dur":0.847,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3634661.796,"dur":10060.649,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3644722.494,"dur":10054.145,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3654776.751,"dur":0.099,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3654776.930,"dur":5.424,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3654776.914,"dur":5.480,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3654782.431,"dur":0.952,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3644722.478,"dur":10060.942,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3654783.471,"dur":10053.728,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3664837.307,"dur":0.112,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3664837.492,"dur":5.260,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3664837.476,"dur":5.313,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3664842.823,"dur":0.829,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3654783.456,"dur":10060.233,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3664843.755,"dur":10054.002,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3674897.864,"dur":0.113,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3674898.055,"dur":5.358,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3674898.039,"dur":5.413,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3674903.485,"dur":0.919,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3664843.738,"dur":10060.700,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3674904.491,"dur":10053.483,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3684958.074,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3684958.210,"dur":4.899,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3684958.190,"dur":4.973,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3684963.196,"dur":0.792,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3674904.476,"dur":10059.545,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3684964.065,"dur":10054.190,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3695018.363,"dur":0.089,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3695018.530,"dur":5.217,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3695018.513,"dur":5.273,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3695023.819,"dur":0.872,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3684964.050,"dur":10060.678,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3695024.781,"dur":10053.675,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3705078.569,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3705078.734,"dur":5.361,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3705078.718,"dur":5.415,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3705084.168,"dur":2.250,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3695024.765,"dur":10061.690,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3705086.508,"dur":10053.293,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3715139.893,"dur":0.080,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3715140.043,"dur":4.894,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3715140.028,"dur":4.945,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3715145.017,"dur":0.866,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3705086.492,"dur":10059.423,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3715145.964,"dur":10053.504,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3725199.586,"dur":0.099,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3725199.759,"dur":5.305,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3725199.743,"dur":5.362,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3725205.140,"dur":0.869,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3715145.949,"dur":10060.097,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3725206.097,"dur":10056.796,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3735263.006,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3735263.171,"dur":5.225,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3735263.156,"dur":5.280,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3735268.472,"dur":0.924,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3725206.082,"dur":10063.351,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3735269.488,"dur":10053.101,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3745322.692,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3745322.841,"dur":4.864,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3745322.827,"dur":4.914,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3745327.772,"dur":0.741,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3735269.471,"dur":10059.075,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3745328.592,"dur":10054.242,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3755382.948,"dur":0.106,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3755383.143,"dur":12.578,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3755383.124,"dur":12.641,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3755395.801,"dur":0.931,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3745328.577,"dur":10068.191,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3755396.827,"dur":10053.821,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3765450.741,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3765450.894,"dur":5.509,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3765450.878,"dur":5.565,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3765456.479,"dur":0.793,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3755396.811,"dur":10060.495,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3765457.355,"dur":10053.798,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3775511.237,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3775511.393,"dur":5.375,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3775511.378,"dur":5.444,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3775516.858,"dur":0.948,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3765457.340,"dur":10060.501,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3775517.896,"dur":10053.532,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3785571.511,"dur":0.068,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3785571.659,"dur":4.768,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3785571.645,"dur":4.818,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3785576.497,"dur":1.731,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3775517.880,"dur":10060.381,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3785578.306,"dur":10053.222,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3795631.607,"dur":0.087,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3795631.766,"dur":4.779,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3795631.751,"dur":4.831,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3795636.612,"dur":0.842,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3785578.291,"dur":10059.197,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3795637.536,"dur":10053.437,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3805691.047,"dur":0.066,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3805691.180,"dur":4.765,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3805691.166,"dur":4.816,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3805696.013,"dur":0.741,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3795637.522,"dur":10059.265,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3805696.831,"dur":10053.389,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3815750.297,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3815750.465,"dur":4.788,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3815750.451,"dur":4.837,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3815755.318,"dur":0.853,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3805696.818,"dur":10059.386,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3815756.255,"dur":10053.621,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3825809.954,"dur":0.086,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3825810.110,"dur":4.727,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3825810.095,"dur":4.776,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3825814.902,"dur":0.828,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3815756.240,"dur":10059.523,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3825815.807,"dur":10053.953,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3835869.833,"dur":0.074,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3835869.979,"dur":4.790,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3835869.965,"dur":4.840,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3835874.836,"dur":0.733,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3825815.793,"dur":10059.812,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3835875.655,"dur":10053.861,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3845929.592,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3845929.727,"dur":4.856,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3845929.713,"dur":4.907,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3845934.650,"dur":0.875,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3835875.642,"dur":10059.929,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3845935.616,"dur":10053.769,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3855989.462,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3855989.615,"dur":4.761,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3855989.601,"dur":4.810,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3855994.444,"dur":1.736,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3845935.602,"dur":10060.611,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3855996.263,"dur":10053.515,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3866049.853,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3866050.001,"dur":4.756,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3866049.987,"dur":4.806,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3866054.827,"dur":0.785,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3855996.250,"dur":10059.392,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3866055.687,"dur":10053.716,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3876109.478,"dur":0.074,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3876109.617,"dur":4.905,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3876109.603,"dur":4.957,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3876114.590,"dur":0.753,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3866055.672,"dur":10059.703,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3876115.424,"dur":10053.989,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3886169.493,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3886169.645,"dur":4.831,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3886169.630,"dur":4.882,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3886174.541,"dur":0.740,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3876115.409,"dur":10059.907,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3886175.358,"dur":10053.615,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3896229.046,"dur":0.109,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3896229.226,"dur":4.865,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3896229.211,"dur":4.918,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3896234.160,"dur":0.796,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3886175.345,"dur":10059.643,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3896235.035,"dur":10053.699,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3906288.813,"dur":0.091,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3906288.970,"dur":4.792,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3906288.956,"dur":4.844,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3906293.831,"dur":0.806,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3896235.022,"dur":10059.648,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3906294.713,"dur":10053.543,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3916348.343,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3916348.500,"dur":5.321,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3916348.484,"dur":5.377,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3916353.893,"dur":0.823,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3906294.699,"dur":10060.053,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3916354.809,"dur":10053.404,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3926408.297,"dur":0.089,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3926408.460,"dur":5.621,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3926408.444,"dur":5.678,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3926414.156,"dur":2.563,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3916354.793,"dur":10061.960,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3926416.803,"dur":10053.446,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3936470.331,"dur":0.073,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3936470.476,"dur":4.788,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3936470.461,"dur":4.838,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3936475.333,"dur":0.844,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3926416.788,"dur":10059.421,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3936476.257,"dur":10053.786,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3946530.121,"dur":0.086,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3946530.273,"dur":4.844,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3946530.259,"dur":4.894,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3946535.184,"dur":0.782,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3936476.242,"dur":10059.757,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3946536.044,"dur":10053.853,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3956589.981,"dur":0.107,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3956590.165,"dur":5.273,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3956590.151,"dur":5.327,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3956595.511,"dur":0.949,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3946536.030,"dur":10060.472,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3956596.561,"dur":10054.105,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3966650.749,"dur":0.079,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3966650.902,"dur":5.343,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3966650.887,"dur":5.398,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3966656.320,"dur":0.848,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3956596.546,"dur":10060.659,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3966657.255,"dur":10053.790,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3976711.129,"dur":0.077,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3976711.285,"dur":5.293,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3976711.269,"dur":5.350,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3976716.666,"dur":0.833,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3966657.239,"dur":10060.297,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3976717.588,"dur":10053.766,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3986771.440,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3986771.598,"dur":5.254,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3986771.582,"dur":5.308,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3986776.924,"dur":0.833,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3976717.573,"dur":10060.219,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3986777.842,"dur":10056.818,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":3996834.846,"dur":0.160,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":3996835.118,"dur":7.320,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":3996835.098,"dur":7.408,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":3996842.562,"dur":3.377,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3986777.825,"dur":10068.167,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":3996846.061,"dur":10056.684,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4006902.923,"dur":0.166,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4006903.180,"dur":7.012,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4006903.160,"dur":7.102,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4006910.312,"dur":1.268,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":3996846.043,"dur":10065.586,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4006911.690,"dur":10054.802,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4016966.616,"dur":0.119,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4016966.820,"dur":6.126,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4016966.803,"dur":6.207,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4016973.061,"dur":1.150,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4006911.672,"dur":10062.579,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4016974.326,"dur":10054.007,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4027028.430,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4027028.585,"dur":4.921,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4027028.571,"dur":4.973,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4027033.577,"dur":0.814,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4016974.309,"dur":10060.116,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4027034.473,"dur":10053.557,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4037088.136,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4037088.280,"dur":4.898,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4037088.265,"dur":4.952,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4037093.249,"dur":0.928,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4027034.458,"dur":10059.757,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4037094.266,"dur":10053.819,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4047148.166,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4047148.322,"dur":4.732,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4047148.307,"dur":4.781,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4047153.133,"dur":0.871,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4037094.251,"dur":10059.784,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4047154.081,"dur":10053.910,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4057208.066,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4057208.209,"dur":4.877,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4057208.195,"dur":4.946,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4057213.172,"dur":0.972,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4047154.066,"dur":10060.109,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4057214.224,"dur":10053.918,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4067268.227,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4067268.370,"dur":5.349,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4067268.355,"dur":5.402,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4067273.790,"dur":0.878,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4057214.210,"dur":10060.494,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4067274.752,"dur":10053.779,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4077328.619,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4077328.773,"dur":5.262,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4077328.757,"dur":5.317,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4077334.109,"dur":2.537,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4067274.737,"dur":10061.943,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4077336.732,"dur":10054.739,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4087391.549,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4087391.697,"dur":4.708,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4087391.683,"dur":4.757,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4087396.471,"dur":0.772,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4077336.717,"dur":10060.559,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4087397.322,"dur":10053.124,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4097450.520,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4097450.686,"dur":4.713,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4097450.671,"dur":4.765,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4097455.466,"dur":0.774,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4087397.308,"dur":10058.964,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4097456.339,"dur":10054.138,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4107510.562,"dur":0.102,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4107510.737,"dur":5.273,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4107510.721,"dur":5.326,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4107516.084,"dur":1.239,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4097456.324,"dur":10061.035,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4107517.409,"dur":10053.927,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4117571.411,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4117571.563,"dur":4.867,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4117571.548,"dur":4.917,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4117576.497,"dur":0.762,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4107517.393,"dur":10059.897,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4117577.340,"dur":10054.218,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4127631.659,"dur":0.073,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4127631.802,"dur":4.865,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4127631.786,"dur":4.933,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4127636.774,"dur":0.830,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4117577.325,"dur":10060.318,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4127637.704,"dur":10053.631,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4137691.440,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4137691.586,"dur":4.797,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4137691.573,"dur":4.846,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4137696.466,"dur":0.762,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4127637.691,"dur":10059.571,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4137697.310,"dur":10053.555,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4147750.967,"dur":0.083,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4147751.165,"dur":4.691,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4147751.151,"dur":4.740,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4147755.926,"dur":2.025,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4137697.296,"dur":10060.688,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4147758.033,"dur":10053.966,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4157812.099,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4157812.244,"dur":4.770,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4157812.230,"dur":4.821,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4157817.084,"dur":0.866,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4147758.020,"dur":10059.962,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4157818.030,"dur":10053.975,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4167872.108,"dur":0.066,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4167872.239,"dur":4.788,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4167872.226,"dur":4.836,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4167877.094,"dur":0.936,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4157818.016,"dur":10060.049,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4167878.110,"dur":10053.729,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4177931.916,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4177932.060,"dur":4.777,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4177932.045,"dur":4.831,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4177936.909,"dur":0.756,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4167878.097,"dur":10059.600,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4177937.746,"dur":10053.239,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4187991.059,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4187991.201,"dur":4.771,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4187991.187,"dur":4.821,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4187996.041,"dur":0.720,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4177937.732,"dur":10059.062,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4187996.837,"dur":10054.089,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4198051.007,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4198051.155,"dur":4.810,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4198051.140,"dur":4.862,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4198056.033,"dur":0.800,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4187996.823,"dur":10060.042,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4198056.913,"dur":10053.412,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4208110.401,"dur":0.070,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4208110.549,"dur":4.904,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4208110.535,"dur":4.954,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4208115.518,"dur":0.815,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4198056.899,"dur":10059.466,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4208116.409,"dur":10053.253,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4218169.741,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4218169.885,"dur":4.905,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4218169.871,"dur":4.955,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4218174.857,"dur":1.775,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4208116.394,"dur":10060.270,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4218176.711,"dur":10053.713,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4228230.500,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4228230.639,"dur":4.699,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4228230.625,"dur":4.750,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4228235.407,"dur":0.917,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4218176.697,"dur":10059.661,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4228236.402,"dur":10053.610,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4238290.090,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4238290.258,"dur":4.931,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4238290.244,"dur":4.983,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4238295.260,"dur":0.739,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4228236.388,"dur":10059.645,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4238296.082,"dur":10053.330,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4248349.490,"dur":0.087,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4248349.643,"dur":4.837,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4248349.628,"dur":4.888,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4248354.547,"dur":0.750,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4238296.068,"dur":10059.262,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4248355.374,"dur":10053.248,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4258408.699,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4258408.840,"dur":4.756,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4258408.826,"dur":4.806,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4258413.662,"dur":0.772,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4248355.359,"dur":10059.109,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4258414.518,"dur":10053.749,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4268468.346,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4268468.478,"dur":4.754,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4268468.465,"dur":4.804,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4268473.299,"dur":0.785,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4258414.504,"dur":10059.613,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4268474.160,"dur":10053.634,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4278527.873,"dur":0.080,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4278528.030,"dur":5.166,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4278528.015,"dur":5.219,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4278533.269,"dur":1.046,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4268474.147,"dur":10060.203,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4278534.403,"dur":10054.003,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4288588.486,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4288588.633,"dur":4.749,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4288588.619,"dur":4.800,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4288593.450,"dur":0.735,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4278534.387,"dur":10059.830,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4288594.261,"dur":10053.684,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4298648.018,"dur":0.094,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4298648.183,"dur":4.729,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4298648.169,"dur":4.778,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4298652.979,"dur":1.643,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4288594.247,"dur":10060.408,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4298654.703,"dur":10053.517,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4308708.304,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4308708.454,"dur":4.710,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4308708.440,"dur":4.758,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4308713.228,"dur":0.896,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4298654.690,"dur":10059.468,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4308714.201,"dur":10053.761,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4318768.036,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4318768.177,"dur":4.869,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4318768.163,"dur":4.919,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4318773.113,"dur":0.726,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4308714.188,"dur":10059.681,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4318773.921,"dur":10053.599,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4328827.603,"dur":0.073,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4328827.741,"dur":4.757,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4328827.727,"dur":4.810,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4328832.567,"dur":0.777,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4318773.906,"dur":10059.470,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4328833.423,"dur":10053.719,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4338887.218,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4338887.373,"dur":4.799,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4338887.359,"dur":4.847,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4338892.236,"dur":0.708,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4328833.409,"dur":10059.566,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4338893.025,"dur":10053.821,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4348946.925,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4348947.067,"dur":4.834,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4348947.052,"dur":4.884,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4348951.968,"dur":0.810,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4338893.012,"dur":10059.799,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4348952.857,"dur":10053.831,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4359006.767,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4359006.930,"dur":4.784,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4359006.917,"dur":4.832,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4359011.781,"dur":0.742,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4348952.843,"dur":10059.712,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4359012.607,"dur":10053.337,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4369066.022,"dur":0.083,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4369066.171,"dur":4.851,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4369066.157,"dur":4.901,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4369071.088,"dur":1.644,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4359012.592,"dur":10060.173,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4369072.810,"dur":10053.696,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4379126.584,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4379126.724,"dur":4.739,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4379126.710,"dur":4.788,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4379131.544,"dur":0.789,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4369072.797,"dur":10059.566,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4379132.413,"dur":10053.861,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4389186.377,"dur":0.087,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4389186.532,"dur":4.788,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4389186.517,"dur":4.840,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4389191.389,"dur":0.746,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4379132.399,"dur":10059.769,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4389192.212,"dur":10053.948,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4399246.262,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4399246.411,"dur":4.627,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4399246.396,"dur":4.680,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4399251.107,"dur":0.853,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4389192.198,"dur":10059.795,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4399252.042,"dur":10053.725,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4409305.844,"dur":0.107,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4409306.017,"dur":4.780,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4409306.003,"dur":4.829,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4409310.875,"dur":0.817,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4399252.028,"dur":10059.698,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4409311.770,"dur":10053.560,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4419365.416,"dur":0.110,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4419365.603,"dur":5.496,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4419365.588,"dur":5.550,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4419371.174,"dur":1.322,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4409311.756,"dur":10060.774,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4419372.582,"dur":10053.558,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4429426.216,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4429426.375,"dur":4.668,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4429426.362,"dur":4.718,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4429431.123,"dur":0.784,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4419372.567,"dur":10059.372,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4429431.982,"dur":10056.195,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4439488.288,"dur":0.087,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4439488.455,"dur":5.390,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4439488.439,"dur":5.461,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4439493.947,"dur":2.330,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4429431.968,"dur":10064.354,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4439496.388,"dur":10056.444,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4449552.943,"dur":0.122,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4449553.136,"dur":5.408,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4449553.120,"dur":5.486,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4449558.650,"dur":1.115,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4439496.373,"dur":10063.438,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4449559.873,"dur":10056.398,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4459616.378,"dur":0.136,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4459616.591,"dur":5.427,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4459616.576,"dur":5.494,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4459622.117,"dur":0.927,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4449559.858,"dur":10063.226,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4459623.156,"dur":10053.318,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4469676.577,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4469676.812,"dur":4.663,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4469676.797,"dur":4.712,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4469681.541,"dur":0.973,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4459623.141,"dur":10059.406,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4469682.594,"dur":10053.341,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4479736.036,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4479736.184,"dur":4.763,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4479736.170,"dur":4.812,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4479741.027,"dur":0.735,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4469682.581,"dur":10059.213,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4479741.844,"dur":10053.296,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4489795.215,"dur":0.069,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4489795.351,"dur":4.761,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4489795.337,"dur":4.808,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4489800.176,"dur":0.840,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4479741.829,"dur":10059.220,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4489801.093,"dur":10054.789,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4499855.981,"dur":0.125,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4499856.200,"dur":6.519,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4499856.180,"dur":6.588,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4499862.811,"dur":1.084,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4489801.078,"dur":10062.858,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4499864.004,"dur":10054.373,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4509918.479,"dur":0.115,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4509918.682,"dur":6.362,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4509918.663,"dur":6.430,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4509925.134,"dur":1.127,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4499863.985,"dur":10062.322,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4509926.365,"dur":10054.196,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4519980.664,"dur":0.152,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4519980.911,"dur":6.487,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4519980.891,"dur":6.558,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4519987.492,"dur":2.404,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4509926.347,"dur":10063.594,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4519990.003,"dur":10056.542,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4530046.656,"dur":0.102,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4530046.829,"dur":5.666,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4530046.815,"dur":5.718,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4530052.568,"dur":1.161,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4519989.985,"dur":10063.780,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4530053.814,"dur":10054.453,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4540108.350,"dur":0.099,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4540108.526,"dur":5.451,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4540108.512,"dur":5.504,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4540114.051,"dur":0.947,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4530053.798,"dur":10061.234,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4540115.086,"dur":10053.979,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4550169.155,"dur":0.098,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4550169.326,"dur":5.408,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4550169.309,"dur":5.464,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4550174.809,"dur":0.856,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4540115.071,"dur":10060.630,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4550175.752,"dur":10053.835,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4560229.660,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4560229.824,"dur":4.816,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4560229.811,"dur":4.865,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4560234.708,"dur":0.836,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4550175.737,"dur":10059.839,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4560235.624,"dur":10053.777,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4570289.486,"dur":0.115,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4570289.674,"dur":5.472,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4570289.658,"dur":5.526,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4570295.223,"dur":1.068,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4560235.610,"dur":10060.718,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4570296.376,"dur":10053.656,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4580350.105,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4580350.246,"dur":4.686,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4580350.232,"dur":4.736,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4580355.016,"dur":0.744,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4570296.361,"dur":10059.431,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4580355.841,"dur":10053.265,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4590409.186,"dur":0.113,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4590409.365,"dur":4.830,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4590409.351,"dur":4.879,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4590414.264,"dur":4.725,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4580355.827,"dur":10063.202,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4590419.075,"dur":10053.248,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4600472.400,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4600472.542,"dur":4.793,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4600472.528,"dur":4.843,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4600477.401,"dur":0.849,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4590419.061,"dur":10059.220,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4600478.328,"dur":10053.737,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4610532.139,"dur":0.082,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4610532.287,"dur":4.811,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4610532.274,"dur":4.859,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4610537.164,"dur":0.840,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4600478.315,"dur":10059.722,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4610538.083,"dur":10053.758,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4620591.946,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4620592.116,"dur":5.380,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4620592.100,"dur":5.434,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4620597.584,"dur":1.016,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4610538.070,"dur":10060.566,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4620598.689,"dur":10053.506,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4630652.270,"dur":0.085,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4630652.425,"dur":4.764,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4630652.410,"dur":4.815,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4630657.259,"dur":0.764,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4620598.673,"dur":10059.383,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4630658.099,"dur":10053.715,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4640711.893,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4640712.056,"dur":4.747,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4640712.041,"dur":4.800,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4640716.871,"dur":0.777,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4630658.085,"dur":10059.596,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4640717.728,"dur":10061.016,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4650778.923,"dur":0.203,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4650779.221,"dur":7.228,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4650779.201,"dur":7.329,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4650786.571,"dur":2.210,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4640717.713,"dur":10071.135,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4650788.907,"dur":10056.504,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4660845.554,"dur":0.138,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4660845.796,"dur":7.583,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4660845.775,"dur":7.662,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4660853.499,"dur":6.674,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4650788.888,"dur":10071.348,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4660860.312,"dur":10054.730,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4670915.198,"dur":0.193,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4670915.486,"dur":7.395,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4670915.466,"dur":7.483,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4670923.001,"dur":1.763,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4660860.292,"dur":10064.524,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4670924.888,"dur":10054.553,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4680979.577,"dur":0.208,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4680979.888,"dur":6.962,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4680979.867,"dur":7.041,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4680986.955,"dur":1.955,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4670924.867,"dur":10064.095,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4680989.032,"dur":10054.565,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4691043.727,"dur":0.089,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4691043.904,"dur":6.352,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4691043.885,"dur":6.416,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4691050.362,"dur":1.733,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4680989.011,"dur":10063.132,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4691052.202,"dur":10054.712,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4701107.019,"dur":0.128,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4701107.241,"dur":6.728,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4701107.222,"dur":6.795,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4701114.059,"dur":1.424,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4691052.182,"dur":10063.342,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4701115.588,"dur":10054.156,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4711169.842,"dur":0.267,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4711170.294,"dur":6.602,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4711170.275,"dur":6.668,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4711176.983,"dur":1.417,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4701115.570,"dur":10062.873,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4711178.501,"dur":10054.363,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4721232.970,"dur":0.096,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4721233.161,"dur":6.466,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4721233.142,"dur":6.544,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4721239.729,"dur":1.436,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4711178.482,"dur":10062.725,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4721241.271,"dur":10054.409,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4731295.801,"dur":0.129,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4731296.026,"dur":6.678,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4731296.005,"dur":6.753,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4731302.806,"dur":1.000,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4721241.253,"dur":10062.601,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4731303.922,"dur":10054.221,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4741358.244,"dur":0.105,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4741358.442,"dur":6.511,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4741358.423,"dur":6.575,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4741365.064,"dur":3.563,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4731303.901,"dur":10064.772,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4741368.741,"dur":10054.114,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4751422.961,"dur":0.095,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4751423.141,"dur":6.440,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4751423.121,"dur":6.505,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4751429.668,"dur":1.015,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4741368.723,"dur":10062.001,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4751430.788,"dur":10053.858,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4761484.739,"dur":0.133,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4761484.958,"dur":6.437,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4761484.941,"dur":6.498,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4761491.481,"dur":1.495,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4751430.770,"dur":10062.244,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4761493.075,"dur":10053.948,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4771547.102,"dur":0.105,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4771547.272,"dur":5.027,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4771547.257,"dur":5.079,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4771552.366,"dur":0.965,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4761493.058,"dur":10060.307,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4771553.412,"dur":10053.426,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4781606.915,"dur":0.093,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4781607.081,"dur":4.817,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4781607.067,"dur":4.868,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4781611.965,"dur":0.915,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4771553.398,"dur":10059.514,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4781612.960,"dur":10053.012,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4791666.072,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4791666.325,"dur":4.842,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4791666.312,"dur":4.891,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4791671.234,"dur":0.774,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4781612.947,"dur":10059.095,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4791672.085,"dur":10053.491,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4801725.669,"dur":0.081,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4801725.820,"dur":4.857,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4801725.807,"dur":4.904,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4801730.744,"dur":0.832,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4791672.071,"dur":10059.536,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4801731.656,"dur":10053.693,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4811785.449,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4811785.592,"dur":4.874,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4811785.577,"dur":4.923,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4811790.532,"dur":2.822,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4801731.642,"dur":10061.747,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4811793.433,"dur":10053.975,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4821847.520,"dur":0.128,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4821847.725,"dur":5.564,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4821847.710,"dur":5.619,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4821853.365,"dur":1.254,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4811793.419,"dur":10061.239,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4821854.712,"dur":10053.531,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4831908.354,"dur":0.175,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4831908.602,"dur":5.419,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4831908.585,"dur":5.476,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4831914.095,"dur":1.077,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4821854.697,"dur":10060.511,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4831915.257,"dur":10054.602,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4841969.962,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4841970.109,"dur":5.416,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4841970.095,"dur":5.466,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4841975.591,"dur":0.983,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4831915.242,"dur":10061.365,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4841976.656,"dur":10056.609,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4852033.348,"dur":0.101,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4852033.520,"dur":4.982,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4852033.506,"dur":5.047,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4852038.584,"dur":0.928,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4841976.641,"dur":10062.904,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4852039.590,"dur":10056.612,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4862096.274,"dur":0.113,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4862096.457,"dur":4.973,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4862096.443,"dur":5.022,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4862101.497,"dur":0.910,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4852039.575,"dur":10062.864,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4862102.487,"dur":10057.413,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4872159.978,"dur":0.102,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4872160.245,"dur":4.903,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4872160.230,"dur":4.953,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4872165.214,"dur":0.845,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4862102.473,"dur":10063.620,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4872166.141,"dur":10053.664,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4882219.878,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4882220.020,"dur":5.040,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4882220.005,"dur":5.093,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4882225.127,"dur":2.298,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4872166.126,"dur":10061.330,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4882227.507,"dur":10053.950,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4892281.537,"dur":0.068,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4892281.669,"dur":5.028,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4892281.654,"dur":5.078,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4892286.762,"dur":0.755,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4882227.492,"dur":10060.059,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4892287.595,"dur":10053.456,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4902341.131,"dur":0.110,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4902341.313,"dur":4.899,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4902341.298,"dur":4.950,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4902346.278,"dur":0.889,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4892287.581,"dur":10059.617,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4902347.245,"dur":10053.954,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4912401.279,"dur":0.083,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4912401.428,"dur":4.885,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4912401.414,"dur":4.934,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4912406.380,"dur":0.789,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4902347.232,"dur":10059.969,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4912407.245,"dur":10054.012,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4922461.344,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4922461.516,"dur":5.532,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4922461.500,"dur":5.600,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4922467.135,"dur":0.928,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4912407.231,"dur":10060.866,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4922468.150,"dur":10054.150,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4932522.385,"dur":0.088,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4932522.548,"dur":5.753,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4932522.531,"dur":5.807,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4932528.373,"dur":0.913,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4922468.135,"dur":10061.189,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4932529.372,"dur":10053.491,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4942582.941,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4942583.084,"dur":4.781,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4942583.070,"dur":4.831,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4942587.931,"dur":0.800,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4932529.357,"dur":10059.406,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4942588.809,"dur":10053.505,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4952642.398,"dur":0.067,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4952642.628,"dur":4.926,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4952642.614,"dur":4.978,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4952647.623,"dur":0.764,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4942588.794,"dur":10059.626,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4952648.464,"dur":10053.830,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4962702.379,"dur":0.076,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4962702.534,"dur":5.207,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4962702.518,"dur":5.263,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4962707.815,"dur":2.429,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4952648.449,"dur":10061.837,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4962710.340,"dur":10053.921,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4972764.345,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4972764.502,"dur":5.540,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4972764.486,"dur":5.597,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4972770.118,"dur":1.076,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4962710.324,"dur":10060.904,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4972771.278,"dur":10054.086,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4982825.448,"dur":0.086,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4982825.613,"dur":5.266,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4982825.597,"dur":5.322,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4982830.953,"dur":0.946,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4972771.262,"dur":10060.686,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4982832.000,"dur":10056.483,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":4992888.570,"dur":0.099,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":4992888.743,"dur":5.714,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":4992888.727,"dur":5.770,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":4992894.535,"dur":1.006,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4982831.985,"dur":10063.593,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":4992895.626,"dur":10056.797,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5002952.592,"dur":0.197,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5002952.883,"dur":6.526,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5002952.864,"dur":6.605,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5002959.527,"dur":1.273,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":4992895.611,"dur":10065.236,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5002960.926,"dur":10056.475,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5013017.540,"dur":0.090,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5013017.726,"dur":6.733,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5013017.706,"dur":6.822,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5013024.584,"dur":1.325,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5002960.907,"dur":10065.057,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5013026.034,"dur":10054.434,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5023080.591,"dur":0.119,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5023080.797,"dur":6.060,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5023080.778,"dur":6.122,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5023086.940,"dur":0.997,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5013026.014,"dur":10061.963,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5023088.036,"dur":10057.579,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5033145.723,"dur":0.109,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5033145.899,"dur":4.816,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5033145.885,"dur":4.865,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5033150.794,"dur":6.072,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5023088.018,"dur":10068.889,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5033156.953,"dur":10057.102,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5043214.167,"dur":0.119,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5043214.365,"dur":5.433,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5043214.351,"dur":5.485,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5043219.875,"dur":0.919,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5033156.940,"dur":10063.890,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5043220.885,"dur":10056.973,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5053277.973,"dur":0.084,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5053278.131,"dur":5.305,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5053278.116,"dur":5.359,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5053283.510,"dur":0.863,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5043220.870,"dur":10063.540,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5053284.460,"dur":10057.292,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5063341.826,"dur":0.075,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5063341.972,"dur":5.063,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5063341.958,"dur":5.115,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5063347.108,"dur":1.031,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5053284.444,"dur":10063.728,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5063348.227,"dur":10043.855,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5073392.168,"dur":0.122,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5073392.363,"dur":5.378,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5073392.348,"dur":5.447,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5073397.832,"dur":1.030,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5063348.212,"dur":10050.684,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5073398.946,"dur":10053.485,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5083452.512,"dur":0.078,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5083452.661,"dur":4.665,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5083452.647,"dur":4.716,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5083457.394,"dur":0.788,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5073398.930,"dur":10059.286,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5083458.264,"dur":10054.118,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5093512.466,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5093512.612,"dur":5.335,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5093512.596,"dur":5.390,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5093518.023,"dur":0.846,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5083458.249,"dur":10060.656,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5093518.955,"dur":10053.645,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5103572.679,"dur":0.071,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5103572.820,"dur":4.917,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5103572.805,"dur":4.968,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5103577.807,"dur":3.080,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5093518.940,"dur":10061.987,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5103580.976,"dur":10053.916,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5113634.974,"dur":0.092,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5113635.259,"dur":5.306,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5113635.243,"dur":5.360,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5113640.638,"dur":0.944,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5103580.962,"dur":10060.657,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5113641.667,"dur":10053.430,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5123695.170,"dur":0.072,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5123695.312,"dur":4.810,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5123695.298,"dur":4.858,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5123700.187,"dur":0.796,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5113641.651,"dur":10059.364,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5123701.066,"dur":10054.300,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5133755.452,"dur":0.088,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5133755.616,"dur":5.431,"args":{"tid":1750}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5133755.601,"dur":5.484,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5133761.119,"dur":0.954,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5123701.051,"dur":10061.059,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5133762.159,"dur":10053.965,"args":{}}, +{"name":"Sample","cat":"default","ph":"b","pid":1061,"id":0,"ts":40.745,"args":{"sample_seq":0,"query_seq":0,"sample_idx":0,"issue_start_ns":457,"complete_ns":5141357862}}, +{"name":"Sample","cat":"default","ph":"e", "pid":1061,"id":0,"ts":5141398.607}, +{"name":"QuerySamplesComplete","ph":"X","pid":1061,"tid":1749,"ts":5141398.651,"dur":16.712,"args":{}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5143816.246,"dur":0.337,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5143816.658,"dur":5.304,"args":{"tid":1750}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5143822.032,"dur":25.436,"args":{"tid":1749}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5143816.643,"dur":30.896,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5143847.578,"dur":6.103,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5133762.142,"dur":10091.580,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5143853.774,"dur":10054.011,"args":{}}, +{"name":"UnloadSampes","ph":"X","pid":1061,"tid":1061,"ts":5143979.419,"dur":22.463,"args":{"count":1}}, +{"name":"Gather","ph":"X","pid":1061,"tid":1750,"ts":5153907.903,"dur":0.368,"args":{}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5153908.348,"dur":5.683,"args":{"tid":1750}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153915.480,"dur":2.608,"args":{"key":""logger_swap_request_slots_retry_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153918.452,"dur":0.960,"args":{"key":""logger_swap_request_slots_retry_retry_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153919.719,"dur":0.626,"args":{"key":""logger_swap_request_slots_retry_reencounter_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153920.661,"dur":0.518,"args":{"key":""logger_start_reading_entries_retry_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153921.310,"dur":0.579,"args":{"key":""logger_tls_total_log_cas_fail_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153922.033,"dur":0.495,"args":{"key":""logger_tls_total_swap_buffers_slot_retry_count""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153927.863,"dur":1.289,"args":{"key":""power_begin""}}, +{"name":"LogDetail","ph":"X","pid":1061,"tid":1750,"ts":5153929.763,"dur":0.813,"args":{"key":""power_end""}}, +{"name":"Thread","ph":"X","pid":1061,"tid":1750,"ts":5153914.067,"dur":21.364,"args":{"tid":1061}}, +{"name":"Process","ph":"X","pid":1061,"tid":1750,"ts":5153908.332,"dur":27.138,"args":{}}, +{"name":"FlushAll","ph":"X","pid":1061,"tid":1750,"ts":5153935.507,"dur":3.065,"args":{}}, +{"name":"IOThreadLoop","ph":"X","pid":1061,"tid":1750,"ts":5143853.758,"dur":10084.848,"args":{}}, +{"name":"Wait","ph":"X","pid":1061,"tid":1750,"ts":5153938.678,"dur":10053.822,"args":{}}, +{"name":"LastTrace"} +], +"displayTimeUnit":"ns", +"otherData":{ +"ts":1761597016506290.500, +"version":"MLPerf LoadGen v1.0" +} +} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/main.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/main.py new file mode 100644 index 00000000000..02970424159 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/main.py @@ -0,0 +1,94 @@ +# Copyright 2020 The MLPerf Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================= + +import os +import argparse +import subprocess +from pathlib import Path + +import mlperf_loadgen as lg +from sut import vllmSUT + +def get_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--scenario", choices=["SingleStream", "Offline", "Server"], default="Offline", help="Scenario") + parser.add_argument("--model_path", type=str, default="openai/whisper-large-v3") + parser.add_argument("--accuracy", action="store_true", help="enable accuracy pass") + parser.add_argument("--user_conf", default="user.conf", help="user config for user LoadGen settings such as target QPS") + parser.add_argument("--audit_conf", default="audit.config", help="audit config for LoadGen settings during compliance runs") + parser.add_argument("--dataset_dir", required=True) + parser.add_argument("--manifest", required=True) + parser.add_argument("--perf_count", type=int, default=None) + parser.add_argument("--log_dir", required=True) + parser.add_argument("--num_workers", default=1, type=int) + args = parser.parse_args() + return args + + +scenario_map = { + "SingleStream": lg.TestScenario.SingleStream, + "Offline": lg.TestScenario.Offline, + "Server": lg.TestScenario.Server, +} + + +def main(): + args = get_args() + print(args) + + log_path = args.log_dir + os.makedirs(log_path, exist_ok=True) + + + sut = vllmSUT(dataset_dir=args.dataset_dir, + model_path=args.model_path, + manifest_filepath=args.manifest, + perf_count=args.perf_count, + num_workers=args.num_workers) + sut.start() + + settings = lg.TestSettings() + settings.scenario = scenario_map[args.scenario] + settings.FromConfig(args.user_conf, "whisper", args.scenario) + + if args.accuracy: + settings.mode = lg.TestMode.AccuracyOnly + else: + settings.mode = lg.TestMode.PerformanceOnly + + log_output_settings = lg.LogOutputSettings() + log_output_settings.outdir = log_path + log_output_settings.copy_summary_to_stdout = True + log_settings = lg.LogSettings() + log_settings.log_output = log_output_settings + + print("Running Loadgen test...") + lg.StartTestWithLogSettings(sut.sut, + sut.qsl.qsl, + settings, + log_settings, + args.audit_conf) + sut.stop() + + if args.accuracy: + acc_path = open(log_path + "/accuracy.txt", "w") + cmd = ["python3", "accuracy.py", "--log_dir", log_path, "--dataset_dir", args.dataset_dir, "--manifest", args.manifest] + subprocess.check_call(cmd, stdout=acc_path) + + print("Done!") + + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/manifest.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/manifest.py new file mode 100644 index 00000000000..8e1c195b0db --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/manifest.py @@ -0,0 +1,127 @@ +# Copyright (c) 2019, NVIDIA CORPORATION. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import json +import string +import os + +class Manifest(object): + def __init__(self, data_dir, manifest_paths, labels, blank_index, max_duration=None, pad_to_max=False, + min_duration=None, sort_by_duration=False, max_utts=0, + speed_perturbation=False, filter_speed=1.0): + self.labels_map = dict([(labels[i], i) for i in range(len(labels))]) + self.blank_index = blank_index + self.max_duration = max_duration + ids = [] + duration = 0.0 + filtered_duration = 0.0 + + # If removing punctuation, make a list of punctuation to remove + table = None + for manifest_path in manifest_paths: + with open(manifest_path, "r", encoding="utf-8") as fh: + a = json.load(fh) + for data in a: + files_and_speeds = data['files'] + + if pad_to_max: + if not speed_perturbation: + min_speed = filter_speed + else: + min_speed = min(x['speed'] + for x in files_and_speeds) + max_duration = self.max_duration * min_speed + + data['duration'] = data['original_duration'] + if min_duration is not None and data['duration'] < min_duration: + filtered_duration += data['duration'] + continue + if max_duration is not None and data['duration'] > max_duration: + filtered_duration += data['duration'] + continue + + # Prune and normalize according to transcript + transcript_text = data[ + 'transcript'] if "transcript" in data else self.load_transcript( + data['text_filepath']) + + if not isinstance(transcript_text, str): + print( + "WARNING: Got transcript: {}. It is not a string. Dropping data point".format( + transcript_text)) + filtered_duration += data['duration'] + continue + data["transcript"] = self.parse_transcript( + transcript_text) # convert to vocab indices + + if speed_perturbation: + audio_paths = [x['fname'] for x in files_and_speeds] + data['audio_duration'] = [x['duration'] + for x in files_and_speeds] + else: + audio_paths = [ + x['fname'] for x in files_and_speeds if x['speed'] == filter_speed] + data['audio_duration'] = [x['duration'] + for x in files_and_speeds if x['speed'] == filter_speed] + data['audio_filepath'] = [os.path.join( + data_dir, x) for x in audio_paths] + data.pop('files') + data.pop('original_duration') + + ids.append(data) + duration += data['duration'] + + if max_utts > 0 and len(ids) >= max_utts: + print( + 'Stopping parsing %s as max_utts=%d' % (manifest_path, max_utts)) + break + + if sort_by_duration: + ids = sorted(ids, key=lambda x: x['duration']) + self._data = ids + self._size = len(ids) + self._duration = duration + self._filtered_duration = filtered_duration + + def load_transcript(self, transcript_path): + with open(transcript_path, 'r', encoding="utf-8") as transcript_file: + transcript = transcript_file.read().replace('\n', '') + return transcript + + def parse_transcript(self, transcript): + chars = [self.labels_map.get(x, self.blank_index) + for x in list(transcript)] + transcript = list(filter(lambda x: x != self.blank_index, chars)) + return transcript + + def __getitem__(self, item): + return self._data[item] + + def __len__(self): + return self._size + + def __iter__(self): + return iter(self._data) + + @property + def duration(self): + return self._duration + + @property + def filtered_duration(self): + return self._filtered_duration + + @property + def data(self): + return list(self._data) \ No newline at end of file diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/measurements.json b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/measurements.json new file mode 100644 index 00000000000..9394cbc8847 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/measurements.json @@ -0,0 +1,8 @@ +{ + "starting_weights_filename": "https://huggingface.co/openai/whisper-large-v3/tree/main", + "weight_transformations": "Yes", + "weight_data_types": "INT8", + "input_data_types": "FP32", + "retraining": "No", + "weight_transformations": "Weight quantization from BF16 to INT8 using AutoRoundMLLM." +} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/mlperf.conf b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/mlperf.conf new file mode 100644 index 00000000000..1b825514bdb --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/mlperf.conf @@ -0,0 +1,164 @@ +# The format of this config file is 'key = value'. +# The key has the format 'model.scenario.key'. Value is mostly int64_t. +# Model maybe '*' as wildcard. In that case the value applies to all models. +# All times are in milli seconds + +# Set performance_sample_count for each model. +# User can optionally set this to higher values in user.conf. +resnet50.*.performance_sample_count_override = 1024 +ssd-mobilenet.*.performance_sample_count_override = 256 +retinanet.*.performance_sample_count_override = 64 +bert.*.performance_sample_count_override = 10833 +dlrm.*.performance_sample_count_override = 204800 +dlrm-v2.*.performance_sample_count_override = 204800 +rnnt.*.performance_sample_count_override = 2513 +gptj.*.performance_sample_count_override = 13368 +mixtral-8x7b.*.performance_sample_count_override = 15000 +llama2-70b.*.performance_sample_count_override = 24576 +llama2-70b-interactive.*.performance_sample_count_override = 24576 +llama3_1-405b.*.performance_sample_count_override = 8313 +llama3_1-405b-interactive.*.performance_sample_count_override = 8313 +llama3_1-8b.*.performance_sample_count_override = 13368 +llama3_1-8b-edge.*.performance_sample_count_override = 5000 +llama3_1-8b-interactive.*.performance_sample_count_override = 13368 +stable-diffusion-xl.*.performance_sample_count_override = 5000 +rgat.*.performance_sample_count_override = 788379 +pointpainting.*.performance_sample_count_override = 1024 +deepseek-r1.*.performance_sample_count_override = 4388 +whisper.*.performance_sample_count_override = 1633 +# set to 0 to let entire sample set to be performance sample +3d-unet.*.performance_sample_count_override = 0 + +# Set seeds. +*.*.qsl_rng_seed = 1780908523862526354 +*.*.sample_index_rng_seed = 14771362308971278857 +*.*.schedule_rng_seed = 18209322760996052031 + +# Set seeds for TEST_05 (not needed from v5.0 onwards) +*.*.test05_qsl_rng_seed = 7975553102935885558 +*.*.test05_sample_index_rng_seed = 11403566307062068064 +*.*.test05_schedule_rng_seed = 15816800565822761601 + +*.SingleStream.target_latency_percentile = 90 +pointpainting.SingleStream.target_latency_percentile = 99.9 +*.SingleStream.min_duration = 600000 + +*.MultiStream.target_latency_percentile = 99 +*.MultiStream.samples_per_query = 8 +*.MultiStream.min_duration = 600000 +*.MultiStream.min_query_count = 662 +retinanet.MultiStream.target_latency = 528 + +# 3D-UNet uses equal issue mode because it has non-uniform inputs +3d-unet.*.sample_concatenate_permutation = 1 + +# R-GAT uses equal issue mode because it may have non-uniform inputs +rgat.*.sample_concatenate_permutation = 1 + +# LLM benchmarks have non-uniform inputs and outputs, and use equal issue mode for all latency scenario +gptj.*.sample_concatenate_permutation = 1 +llama2-70b.*.sample_concatenate_permutation = 1 +llama2-70b-interactive.*.sample_concatenate_permutation = 1 +mixtral-8x7b.*.sample_concatenate_permutation = 1 +llama3_1-405b.*.sample_concatenate_permutation = 1 +llama3_1-405b-interactive.*.sample_concatenate_permutation = 1 +llama3_1-8b.*.sample_concatenate_permutation = 1 +llama3_1-8b-edge.*.sample_concatenate_permutation = 1 +llama3_1-8b-interactive.*.sample_concatenate_permutation = 1 +deepseek-r1.*.sample_concatenate_permutation = 1 +whisper.*.sample_concatenate_permutation = 1 + +*.Server.target_latency = 10 +*.Server.target_latency_percentile = 99 +*.Server.target_duration = 0 +*.Server.min_duration = 600000 +resnet50.Server.target_latency = 15 +retinanet.Server.target_latency = 100 +bert.Server.target_latency = 130 +dlrm.Server.target_latency = 60 +dlrm-v2.Server.target_latency = 60 +rnnt.Server.target_latency = 1000 +gptj.Server.target_latency = 20000 +stable-diffusion-xl.Server.target_latency = 20000 +# Benchmarks that measure token latencies +llama2-70b.*.use_token_latencies = 1 +llama2-70b-interactive.*.use_token_latencies = 1 +mixtral-8x7b.*.use_token_latencies = 1 +llama3_1-405b.*.use_token_latencies = 1 +llama3_1-405b-interactive.*.use_token_latencies = 1 +llama3_1-8b.*.use_token_latencies = 1 +llama3_1-8b-edge.*.use_token_latencies = 1 +llama3_1-8b-interactive.*.use_token_latencies = 1 +deepseek-r1.*.use_token_latencies = 1 +whisper.*.use_token_latencies = 1 + +# gptj benchmark infers token latencies +gptj.*.infer_token_latencies = 1 +gptj.*.token_latency_scaling_factor = 69 +# Only ttft and tpot are tracked for the llama2-70b, mixtral-8x7B & llama3_1-405b benchmark therefore target_latency = 0 +llama2-70b.Server.target_latency = 0 +llama2-70b.Server.ttft_latency = 2000 +llama2-70b.Server.tpot_latency = 200 + +# Target Latencies for interactive setting +llama2-70b-interactive.Server.target_latency = 0 +llama2-70b-interactive.Server.ttft_latency = 450 +llama2-70b-interactive.Server.tpot_latency = 40 + +mixtral-8x7b.Server.target_latency = 0 +mixtral-8x7b.Server.ttft_latency = 2000 +mixtral-8x7b.Server.tpot_latency = 200 + +llama3_1-405b.Server.target_latency = 0 +llama3_1-405b.Server.ttft_latency = 6000 +llama3_1-405b.Server.tpot_latency = 175 + +# Target Latencies for interactive setting +llama3_1-405b-interactive.Server.target_latency = 0 +llama3_1-405b-interactive.Server.ttft_latency = 4500 +llama3_1-405b-interactive.Server.tpot_latency = 80 + + +llama3_1-8b.Server.target_latency = 0 +llama3_1-8b.Server.ttft_latency = 2000 +llama3_1-8b.Server.tpot_latency = 100 + +# Target Latencies for interactive setting +llama3_1-8b-interactive.Server.target_latency = 0 +llama3_1-8b-interactive.Server.ttft_latency = 500 +llama3_1-8b-interactive.Server.tpot_latency = 30 + +deepseek-r1.Server.target_latency = 0 +deepseek-r1.Server.ttft_latency = 2000 +deepseek-r1.Server.tpot_latency = 80 + +*.Offline.target_latency_percentile = 90 +*.Offline.min_duration = 600000 + +# In Offline scenario, we always have one query. But LoadGen maps this to +# min_sample_count internally in Offline scenario. If the dataset size is larger +# than 24576 we limit the min_query_count to 24576 and otherwise we use +# the dataset size as the limit + +resnet50.Offline.min_query_count = 24576 +retinanet.Offline.min_query_count = 24576 +dlrm-v2.Offline.min_query_count = 24576 +bert.Offline.min_query_count = 10833 +gptj.Offline.min_query_count = 13368 +rnnt.Offline.min_query_count = 2513 +3d-unet.Offline.min_query_count = 43 +stable-diffusion-xl.Offline.min_query_count = 5000 +llama2-70b.Offline.min_query_count = 24576 +llama3_1-405b.Offline.min_query_count = 8313 +llama3_1-8b.Offline.min_query_count = 13368 +llama3_1-8b-edge.Offline.min_query_count = 5000 +mixtral-8x7b.Offline.min_query_count = 15000 +rgat.Offline.min_query_count = 788379 +deepseek-r1.Offline.min_query_count = 4388 +whisper.Offline.min_query_count = 1633 + +# These fields should be defined and overridden by user.conf. +*.SingleStream.target_latency = 10 +*.MultiStream.target_latency = 80 +*.Server.target_qps = 1.0 +*.Offline.target_qps = 1.0 diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/prepare_loadgen.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/prepare_loadgen.sh new file mode 100644 index 00000000000..f42f3c55250 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/prepare_loadgen.sh @@ -0,0 +1,4 @@ +# MLPerf loadgen +mkdir -p /workspace/third_party && cd /workspace/third_party && rm -rf mlperf-inference && \ +git clone https://github.com/mlcommons/inference.git mlperf-inference && cd mlperf-inference && git checkout b9ed3c7 && cd loadgen && \ +python3 -m pip install . && cp ../mlperf.conf ../../../ && cd ../../../ diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/qsl.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/qsl.py new file mode 100644 index 00000000000..19afd49acf9 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/qsl.py @@ -0,0 +1,108 @@ +# Copyright 2025 The MLPerf Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================= + +# Standard packages +import sys +import os +from multiprocessing import Pool + +# Installed packages +import numpy as np +import librosa + +# Local python packages +import mlperf_loadgen as lg +from manifest import Manifest + + +Manifest_Global = None +max_duration = float(os.environ.get("MAX_DURATION", "30.0")) + +def load_sample_from_file(index): + global Manifest + sample = Manifest_Global[index] + filepath = sample['audio_filepath'][0] + prompt = { + "prompt": "<|startoftranscript|><|en|><|transcribe|><|notimestamps|>", + "multi_modal_data": { + "audio": librosa.load(filepath, sr=16000), + }, + } + duration = sample['duration'] + return prompt + +class AudioQSL: + def __init__(self, dataset_dir, manifest_filepath, labels, + sample_rate=16000, perf_count=None, skip_qsl=False): + global Manifest_Global + m_paths = [manifest_filepath] + self.manifest = Manifest(dataset_dir, m_paths, labels, len(labels), max_duration=max_duration) + Manifest_Global = self.manifest + self.sample_rate = sample_rate + self.count = len(self.manifest) + perf_count = self.count if perf_count is None else perf_count + self.sample_id_to_sample = {} + self.loaded = False + if skip_qsl: + self.qsl = None + else: + self.qsl = lg.ConstructQSL(self.count, perf_count, + self.load_query_samples, + self.unload_query_samples) + + print( + "Dataset loaded with {0:.2f} hours. Filtered {1:.2f} hours. Number of samples: {2}".format( + self.manifest.duration / 3600, + self.manifest.filtered_duration / 3600, + self.count)) + + def load_query_samples(self, sample_list): + pass + + def unload_query_samples(self, sample_list): + pass + + def __getitem__(self, index): + return self.sample_id_to_sample[index] + + def __del__(self): + lg.DestroyQSL(self.qsl) + print("Finished destroying QSL.") + +# We have no problem fitting all data in memory, so we do that, in +# order to speed up execution of the benchmark. +class AudioQSLInMemory(AudioQSL): + def __init__(self, dataset_dir, manifest_filepath, labels, + sample_rate=16000, perf_count=None, skip_qsl=True): + super().__init__(dataset_dir, manifest_filepath, labels, + sample_rate, perf_count) + self.load_query_samples(range(self.count)) + + def load_query_samples(self, sample_list): + if not self.loaded: + pool = Pool(8) + print("pool size 8") + result = pool.map(load_sample_from_file, sample_list) + for sample_id in sample_list: + self.sample_id_to_sample[sample_id] = result[sample_id] + pool.close() + pool.join() + self.loaded = True + + def unload_query_samples(self, sample_list): + for sample_id in sample_list: + del self.sample_id_to_sample[sample_id] + def __del__(self): + print("FInished destroying no QSL") diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize.py new file mode 100644 index 00000000000..ab9a17d73d3 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize.py @@ -0,0 +1,36 @@ +import torch +from transformers import AutoModelForSpeechSeq2Seq, AutoTokenizer, AutoProcessor, pipeline + +from auto_round import AutoRound + +model_path = "/model/whisper-large-v3" +bits, group_size, sym, act_bits = 8, -1, True, 8 + +model = AutoModelForSpeechSeq2Seq.from_pretrained( + model_path, dtype=torch.float32, low_cpu_mem_usage=False, use_safetensors=True +) +tokenizer = AutoTokenizer.from_pretrained(model_path) +processor = AutoProcessor.from_pretrained(model_path) + +# quantize the model +''' +autoround = AutoRound(model, tokenizer, processor, + bits=bits, group_size=group_size, sym=sym, act_bits=act_bits, + iters=0, + layer_config={ + "proj_out": { + "bits": bits, + "group_size": group_size, + "sym": sym, + "act_bits": act_bits, + } + }, + ) +autoround.quantize() +''' +autoround = AutoRound(model, tokenizer, scheme="w4a16", iters=0, group_size=group_size, sym=sym, processor=processor) + +# save the quantized model, set format='auto_gptq' or 'auto_awq' to use other formats +output_dir = f"/model/whisper-large-v3-w4a16" # w{bits}a{act_bits}g{group_size}" +# autoround.save_quantized(output_dir, format="auto_awq", inplace=True) +autoround.quantize_and_save(output_dir, format="auto_round", inplace=True) \ No newline at end of file diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_autoround.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_autoround.py new file mode 100644 index 00000000000..70f0d6710e9 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_autoround.py @@ -0,0 +1,105 @@ +import torch +from transformers import AutoModelForSpeechSeq2Seq, AutoTokenizer, AutoProcessor, pipeline + +from auto_round import AutoRoundMLLM, AutoRound + +model_path = "/models/whisper-large-v3" + +# W8A8 INT8 +bits, group_size, sym, act_bits = 8, -1, True, 8 + +model = AutoModelForSpeechSeq2Seq.from_pretrained( + model_path, torch_dtype=torch.float32, low_cpu_mem_usage=True, use_safetensors=True +) +tokenizer = AutoTokenizer.from_pretrained(model_path) +processor = AutoProcessor.from_pretrained(model_path) + +## quantize the model +autoround = AutoRoundMLLM(model, tokenizer, processor, + bits=bits, group_size=group_size, sym=sym, act_bits=act_bits, + iters=0, + layer_config={ + "proj_out": { + "bits": bits, + "group_size": group_size, + "sym": sym, + "act_bits": act_bits, + } + }, + ) +autoround.quantize() + +# save the quantized model, set format='auto_gptq' or 'auto_awq' to use other formats +output_dir = "./whisper-large-v3-iter200" +autoround.save_quantized(output_dir, format='llm_compressor', inplace=True) + +exit() + +bits, group_size, sym, act_bits = 4, 32, True, 4 + +model = AutoModelForSpeechSeq2Seq.from_pretrained( + model_path, torch_dtype=torch.float32, low_cpu_mem_usage=True, use_safetensors=True +) +tokenizer = AutoTokenizer.from_pretrained(model_path) +processor = AutoProcessor.from_pretrained(model_path) + +""" +## quantize the model +autoround = AutoRoundMLLM(model, tokenizer, processor, + bits=bits, group_size=group_size, sym=sym, act_bits=act_bits, + iters=0, + layer_config={ + "proj_out": { + "bits": bits, + "group_size": group_size, + "sym": sym, + "act_bits": act_bits, + } + }, + ) +autoround.quantize() + +# save the quantized model, set format='auto_gptq' or 'auto_awq' to use other formats +output_dir = "./whisper-large-v3-rtn-w4a16" +autoround.save_quantized(output_dir, format='llm_compressor', inplace=True) +""" + + +""" +autoround = AutoRoundMLLM(model, tokenizer, processor, scheme="W4A16", iters=0, + layer_config={ + "proj_out": { + "bits": bits, + "group_size": group_size, + "sym": sym, + "act_bits": act_bits, + } + } +) + +output_dir = "./whisper-large-v3-rtn-w4a16" + + +# autoround.quantize() +# autoround.save_quantized(output_dir, format='llm_compressor', inplace=True) +# autoround.quantize_and_save(output_dir=output_dir, format="llm_compressor") +autoround.quantize_and_save(output_dir=output_dir, format="auto_round") +""" + +autoround = AutoRoundMLLM(model, tokenizer, processor, scheme="MXFP4", iters=0, + layer_config={ + "proj_out": { + "bits": bits, + "group_size": group_size, + "sym": sym, + "act_bits": act_bits, + } + } +) + +output_dir = "./whisper-large-v3-rtn-mxfp4" + + +# autoround.quantize() +# autoround.save_quantized(output_dir, format='llm_compressor', inplace=True) +autoround.quantize_and_save(output_dir=output_dir, format="llm_compressor") diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_compressored_tensors.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_compressored_tensors.py new file mode 100644 index 00000000000..9737f342ef1 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/quantize_compressored_tensors.py @@ -0,0 +1,37 @@ +import torch +from datasets import load_dataset +from transformers import WhisperForConditionalGeneration, WhisperProcessor + +from llmcompressor import oneshot +from llmcompressor.modifiers.quantization import GPTQModifier +from llmcompressor.utils import dispatch_for_generation +from llmcompressor.modifiers.quantization import QuantizationModifier + +# Select model and load it. +# MODEL_ID = "openai/whisper-large-v3" +MODEL_ID = "/models/whisper-large-v3" + +model = WhisperForConditionalGeneration.from_pretrained(MODEL_ID, torch_dtype="auto") +model.config.forced_decoder_ids = None +processor = WhisperProcessor.from_pretrained(MODEL_ID) + +# Configure processor the dataset task. +processor.tokenizer.set_prefix_tokens(language="en", task="transcribe") + +# recipe = QuantizationModifier(targets="Linear", scheme="W4A16", ignore=["lm_head"]) +recipe = QuantizationModifier(targets="Linear", scheme="W8A8", ignore=["lm_head"]) + +# Apply quantization. +oneshot(model=model, recipe=recipe) + + + +# that's where you have a lot of windows in the south no actually that's passive solar +# and passive solar is something that was developed and designed in the 1960s and 70s +# and it was a great thing for what it was at the time but it's not a passive house + +# Save to disk compressed. +#SAVE_DIR = MODEL_ID.rstrip("/").split("/")[-1] + "-W4A16-G128" +SAVE_DIR = MODEL_ID.rstrip("/").split("/")[-1] + "-W8A8-INT8" +model.save_pretrained(SAVE_DIR, save_compressed=True) +processor.save_pretrained(SAVE_DIR) diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/requirements.txt b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/requirements.txt new file mode 100644 index 00000000000..d15fe9ad132 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/requirements.txt @@ -0,0 +1,19 @@ +# Common dependencies +-r common.txt + +ray>=2.9 +cmake>=3.26.1 +packaging>=24.2 +setuptools-scm>=8 +setuptools>=77.0.3,<80.0.0 +wheel +jinja2>=3.1.6 +datasets # for benchmark scripts +numba == 0.60.0 # v0.61 doesn't support Python 3.9. Required for N-gram speculative decoding +nixl==0.3.0 # for PD disaggregation +torch==2.8.0+xpu +torchaudio +torchvision +--extra-index-url=https://download.pytorch.org/whl/xpu + +#intel-extension-for-pytorch @ https://intel-extension-for-pytorch.s3.us-east-1.amazonaws.com/ipex_dev/xpu/intel_extension_for_pytorch-2.8.10.post0%2Bxpu-cp312-cp312-linux_x86_64.whl diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh new file mode 100644 index 00000000000..a59fe2b6e61 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh @@ -0,0 +1,18 @@ +#!/bin/bash + +export VLLM_USE_V1=1 +# export VLLM_LOGGING_LEVEL="DEBUG" +# export VLLM_ENABLE_V1_MULTIPROCESSING=0 +# export VLLM_ATTENTION_BACKEND="FLASH_ATTN_VLLM_V1" +export VLLM_ALLOW_LONG_MAX_MODEL_LEN=1 +export VLLM_WORKER_MULTIPROC_METHOD=spawn +export ONEAPI_DEVICE_SELECTOR=level_zero:0 +export EXTRA_ARGS="--accuracy" +python main.py \ + --dataset_dir /data \ + --model_path /model/whisper-model.uri \ + --manifest /data/whisper-dataset.uri/dev-all-repack.json \ + --scenario Offline \ + --log_dir ${PWD}/logs \ + --num_workers 1 \ + ${EXTRA_ARGS} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh.bak b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh.bak new file mode 100644 index 00000000000..73571fba6dc --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run.sh.bak @@ -0,0 +1,18 @@ +#!/bin/bash + +export VLLM_USE_V1=1 +# export VLLM_LOGGING_LEVEL="DEBUG" +# export VLLM_ENABLE_V1_MULTIPROCESSING=0 +# export VLLM_ATTENTION_BACKEND="FLASH_ATTN_VLLM_V1" +export VLLM_ALLOW_LONG_MAX_MODEL_LEN=1 +export VLLM_WORKER_MULTIPROC_METHOD=spawn +export ONEAPI_DEVICE_SELECTOR=level_zero:2 +export EXTRA_ARGS="--accuracy" +python main.py \ + --dataset_dir /data \ + --model_path /model/whisper-large-v3 \ + --manifest /data/dev-all-repack.json \ + --scenario Offline \ + --log_dir ${PWD}/logs \ + --num_workers 1 \ + ${EXTRA_ARGS} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run_mlperf.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run_mlperf.sh new file mode 100644 index 00000000000..1b0987a5f7a --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/run_mlperf.sh @@ -0,0 +1,171 @@ +#!/bin/bash + +set -x + +# Controls workload mode +export SCENARIO="${SCENARIO:-Offline}" +export MODE="${MODE:-Performance}" +export OFFLINE_QPS="${OFFLINE_QPS:-0}" +export SERVER_QPS="${SERVER_QPS:-0}" +export AUTO_USER_CONF="${AUTO_USER_CONF:-True}" +export SYSTEM="${SYSTEM:-AUTO}" +export DEBUG="${DEBUG:-False}" + +# Setting standard environmental paths +export WORKSPACE_DIR=/workspace +export DATA_DIR=/data +export MODEL_DIR=/model +export LOG_DIR=/logs +export DOCUMENTATION_DIR=${LOG_DIR}/documentation +export CODE_DIR=${LOG_DIR}/code +export COMPLIANCE_DIR=${LOG_DIR}/compliance +export MEASUREMENTS_DIR=${LOG_DIR}/measurements +export RESULTS_DIR=${LOG_DIR}/results +export SYSTEMS_DIR=${LOG_DIR}/systems + +########## SUPPORT FUNCTIONS BEGIN HERE ########## + +# Set HW specific qps settings from a select list of SKUs, or default. +configure_system () { + export SYSTEM="1-node-1x-BMG-Pro-B60-Dual" +# export NUM_CORES=`lscpu -b -p=Core,Socket | grep -v '^#' | sort -u | wc -l` +# if [ "${SYSTEM}" != "AUTO" ] ; then +# export SYSTEM="${SYSTEM}" +# elif [ "${NUM_CORES}" == "256" ]; then +# export SYSTEM="1-node-2S-GNR_128C" +# elif [ "${NUM_CORES}" == "192" ]; then +# export SYSTEM="1-node-2S-GNR_96C" +# elif [ "${NUM_CORES}" == "172" ]; then +# export SYSTEM="1-node-2S-GNR_86C" +# else +# export SYSTEM="DEFAULT" +# fi + + echo ${SYSTEM} +} + +# Creates the default user.conf file, either auto-selected, modified, or newly generated. +configure_userconf () { + # cd ${WORKSPACE_DIR} + + # Ensure no left-over user.conf files from previous runs, and use pre-configured SYSTEM file if available. + if [ -f "${USER_CONF}" ]; then rm ${USER_CONF}; fi + if [ -f "systems/user.conf.${SYSTEM}" ]; then cp systems/user.conf.${SYSTEM} ${USER_CONF}; fi + + # If an Offline QPS is manually specified, modify the existing user.conf or add to a new one. + if [ "${OFFLINE_QPS}" != "0" ]; then + if [ "$(grep "Offline.target_qps" user.conf | wc -l)" == "0" ]; then + echo "*.Offline.target_qps = ${OFFLINE_QPS}" >> ${USER_CONF} + else + sed -i 's/.*Offline.target_qps.*/\*\.Offline\.target_qps = '"${OFFLINE_QPS}"'/g' ${USER_CONF} + fi + fi + + # If a Server QPS is manually specified, modify the existing user.conf or add to a new one. + if [ "${SERVER_QPS}" != "0" ]; then + if [ "$(grep "Server.target_qps" user.conf | wc -l)" == "0" ]; then + echo "*.Server.target_qps = ${SERVER_QPS}" >> ${USER_CONF} + else + sed -i 's/.*Server.target_qps.*/\*\.Server\.target_qps = '"${SERVER_QPS}"'/g' ${USER_CONF} + fi + fi +} + +# Creates the non-run-specific submission files (necessary for final submission). +prepare_suplements () { + # cd ${WORKSPACE_DIR} + # Ensure /logs/systems is populated or abort process. + if [ -f "systems/${SYSTEM}.json" ]; then + cp systems/${SYSTEM}.json ${SYSTEMS_DIR}/ + else + echo '{ "submitter": "OEM", "system_name": "DEFAULT" }' > ${SYSTEMS_DIR}/${SYSTEM}.json + fi + + # Populate /logs/code directory + cp -r README.md ${CODE_PATH}/ + + # Populate /logs/measurements directory + cp measurements.json ${MEASUREMENTS_PATH}/${SYSTEM}.json + cp README.md user.conf scripts/run_calibration.sh ${MEASUREMENTS_PATH}/ + + # Populate /logs/documentation directory + cp calibration.md ${DOCUMENTATION_DIR}/ +} + +# Initializes the system for an MLPerf run, then launches the run. +run_workload () { + # cd ${WORKSPACE_DIR} + if [ "${DEBUG}" == "False" ] ; then bash run_clean.sh; fi + if [ -f "${RUN_LOGS}" ]; then rm -r ${RUN_LOGS}; fi + mkdir -p ${RUN_LOGS} + workload_specific_run +} + +# Places the standard MLPerf run log outputs to the specified final dir. +stage_logs () { + OUTPUT_PATH=$1 + cd ${RUN_LOGS} + mkdir -p ${OUTPUT_PATH} + mv mlperf_log_accuracy.json mlperf_log_detail.txt mlperf_log_summary.txt ${OUTPUT_PATH}/ + if [ -f accuracy.txt ]; then mv accuracy.txt ${OUTPUT_PATH}/; fi +} + +########## RUN BEGINS HERE ########## + +# Using workload-specific parameters from 'configure_workload.sh', create the submission dir structure. +source configure_workload.sh +export SYSTEM="$(configure_system)" +export CODE_PATH=${CODE_DIR}/${WORKLOAD}/${IMPL} +export MEASUREMENTS_PATH=${MEASUREMENTS_DIR}/${SYSTEM}/${WORKLOAD}/${SCENARIO} +export COMPLIANCE_PATH=${COMPLIANCE_DIR}/${SYSTEM}/${WORKLOAD}/${SCENARIO} +export RESULTS_PATH=${RESULTS_DIR}/${SYSTEM}/${WORKLOAD}/${SCENARIO} +mkdir -p ${SYSTEMS_DIR} +mkdir -p ${CODE_PATH} +mkdir -p ${MEASUREMENTS_PATH} +mkdir -p ${DOCUMENTATION_DIR} + +# Ensuring the user.conf file is created if auto is enabled. If disabled, checks for existing one. +export USER_CONF=user.conf +if [ "${AUTO_USER_CONF}" == "True" ]; then configure_userconf; fi +if [ -f "${USER_CONF}" ]; then + echo "LOG:::: Contents of user.conf:" + cat ${USER_CONF} +else + echo "ERROR::: No user.conf file found." +fi + +# Creates the non-runtime submission content (code, systems, measurements) +if [ "${DEBUG}" == "False" ] ; then prepare_suplements; fi + +# Beginning workload runs, with Mode of: Performance, Accuracy, OR Compliance +export RUN_LOGS=${WORKSPACE_DIR}/run_output +if [ "${MODE}" == "Performance" ]; then + run_workload + stage_logs "${RESULTS_PATH}/performance/run_1" +elif [ "${MODE}" == "Accuracy" ]; then + run_workload + stage_logs "${RESULTS_PATH}/accuracy" +elif [ "${MODE}" == "Compliance" ]; then + for TEST in ${COMPLIANCE_TESTS}; do + echo "Running compliance ${TEST} ..." + + if [ -f ${WORKSPACE_DIR}/audit.config ]; then rm ${WORKSPACE_DIR}/audit.config; fi + if [ "$TEST" == "TEST01" ]; then + cp ${COMPLIANCE_SUITE_DIR}/${TEST}/${MODEL}/audit.config . + else + cp ${COMPLIANCE_SUITE_DIR}/${TEST}/audit.config . + fi + + if ! [ -d ${RESULTS_PATH} ]; then + echo "[ERROR] Compliance run could not be verified due to unspecified or non-existent RESULTS_PATH: ${RESULTS_PATH}" + exit + fi + + OUTPUT_PATH=${RUN_LOGS} + run_workload + + python ${COMPLIANCE_SUITE_DIR}/${TEST}/run_verification.py -r ${RESULTS_PATH} -c ${OUTPUT_PATH} -o ${COMPLIANCE_PATH} + done +else + echo "[ERROR] Missing value for MODE. Options: Performance, Accuracy, Compliance" +fi diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_dataset.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_dataset.sh new file mode 100644 index 00000000000..062fc36c608 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_dataset.sh @@ -0,0 +1,48 @@ +# Copyright (c) 2025 Intel Corporation +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================ + +#!/bin/bash + +export WORKSPACE_DIR=/workspace +export DATA_DIR=/data +export LIBRISPEECH_DIR=${DATA_DIR}/LibriSpeech +export UTILS_DIR=${WORKSPACE_DIR}/utils +mkdir -p ${LIBRISPEECH_DIR} + +cd ${WORKSPACE_DIR} + +# Downloads all Librispeech dev partitions +python ${UTILS_DIR}/download_librispeech.py \ + ${UTILS_DIR}/inference_librispeech.csv \ + ${LIBRISPEECH_DIR} \ + -e ${DATA_DIR} + +# Consolidates all Librispeech partitions into common dir +mkdir -p ${LIBRISPEECH_DIR}/dev-all +cp -r ${LIBRISPEECH_DIR}/dev-clean/* \ + ${LIBRISPEECH_DIR}/dev-other/* \ + ${LIBRISPEECH_DIR}/dev-all/ + +# Coverts original Librispeech flac to wav and creates manifest file +python ${UTILS_DIR}/convert_librispeech.py \ + --input_dir ${LIBRISPEECH_DIR}/dev-all \ + --dest_dir ${DATA_DIR}/dev-all \ + --output_json ${DATA_DIR}/dev-all.json + +# Repackages Librispeech samples into samples approaching 30s +python utils/repackage_librispeech.py --manifest ${DATA_DIR}/dev-all.json \ + --data_dir ${DATA_DIR} \ + --output_dir ${DATA_DIR}/dev-all-repack \ + --output_json /data/dev-all-repack.json diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_model.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_model.sh new file mode 100644 index 00000000000..673220558eb --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/download_model.sh @@ -0,0 +1,3 @@ +#!/bin/bash + +python download_model.py diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/prepare_submission.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/prepare_submission.sh new file mode 100644 index 00000000000..93d3630f2fe --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/prepare_submission.sh @@ -0,0 +1,42 @@ +#!/bin/bash + +export LOG_DIR=/logs +export SUBMISSION_DIR=${LOG_DIR}/submission-$(date +%s) +export SUBMISSION_ORIGINAL=${SUBMISSION_DIR}/original +export SUBMISSION_PROCESSED=${SUBMISSION_DIR}/processed + +RESULTS_DIR=${LOG_DIR}/results +COMPLIANCE_DIR=${LOG_DIR}/compliance +MEASUREMENTS_DIR=${LOG_DIR}/measurements +SYSTEMS_DIR=${LOG_DIR}/systems +echo "Ensuring correct system directories and files match system ${SYSTEM}." +echo "The following are expected:" +echo "- RESULTS: ${RESULTS_DIR}/${SYSTEM}" +echo "- COMPLIANCE: ${COMPLIANCE_DIR}/${SYSTEM}" +echo "- MEASUREMENTS: ${MEASUREMENTS_DIR}/${SYSTEM}" +echo "- SYSTEM FILE: ${SYSTEMS_DIR}/${SYSTEM}.json" +if ! [ -d ${RESULTS_DIR}/${SYSTEM} ]; then echo "[ERROR] RESULTS_DIR not found: ${RESULTS_DIR}/${SYSTEM}"; exit; fi +if ! [ -d ${COMPLIANCE_DIR}/${SYSTEM} ]; then echo "[ERROR] COMPLIANCE_DIR not found: ${COMPLIANCE_DIR}/${SYSTEM}"; exit; fi +if ! [ -d ${MEASUREMENTS_DIR}/${SYSTEM} ]; then echo "[ERROR] MEASUREMENTS_DIR not found: ${MEASUREMENTS_DIR}/${SYSTEM}"; exit; fi +if ! [ -f ${SYSTEMS_DIR}/${SYSTEM}.json ]; then echo "[ERROR] SYSTEM file not found: ${SYSTEMS_DIR}/${SYSTEM}.json"; exit; fi + +echo "Verifying correct 'submitter' and 'system_name' fields in: ${SYSTEMS_DIR}/${SYSTEM}.json. These should match 'config/workload.conf'." +if ! (( $(grep -r "\"submitter\": \"${VENDOR}\"" ${SYSTEMS_DIR}/${SYSTEM}.json | wc -l) > 0 )); then echo "[ERROR] Field 'submitter' does not match 'VENDOR'."; exit; fi +if ! (( $(grep -r "\"system_name\": \"${SYSTEM}\"" ${SYSTEMS_DIR}/${SYSTEM}.json | wc -l) > 0 )); then echo "[ERROR] Field 'system_name' does not match 'SYSTEM'."; exit; fi + +mkdir -p ${SUBMISSION_ORIGINAL}/closed/${VENDOR} +cp -r ${LOG_DIR}/code \ + ${LOG_DIR}/compliance \ + ${LOG_DIR}/documentation \ + ${LOG_DIR}/measurements \ + ${LOG_DIR}/results \ + ${LOG_DIR}/systems \ + ${SUBMISSION_ORIGINAL}/closed/${VENDOR}/ + +echo "Truncating the logs: ${SUBMISSION_ORIGINAL} --> ${SUBMISSION_PROCESSED}" +cd /workspace/third_party +python mlperf-inference/tools/submission/truncate_accuracy_log.py --input ${SUBMISSION_ORIGINAL} --submitter ${VENDOR} --output ${SUBMISSION_PROCESSED} + +echo "Running submission checker: ${SUBMISSION_PROCESSED}" +cd /workspace/third_party +python3 mlperf-inference/tools/submission/submission_checker.py --input ${SUBMISSION_PROCESSED} --submitter=${VENDOR} --version=v5.1 diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_calibration.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_calibration.sh new file mode 100644 index 00000000000..5ffe28c161e --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_calibration.sh @@ -0,0 +1,3 @@ +#!/bin/bash + +python quantize_model.py diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_full.sh b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_full.sh new file mode 100644 index 00000000000..0a9f2ca8f10 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/scripts/run_full.sh @@ -0,0 +1,16 @@ +#!/bin/bash + +# Prepare workload resources [one-time operations] +bash scripts/download_model.sh +bash scripts/download_dataset.sh +bash scripts/run_calibration.sh + +# Run Benchmark (all scenarios) +SCENARIO=Offline MODE=Performance bash run_mlperf.sh +SCENARIO=Offline MODE=Accuracy bash run_mlperf.sh + +# Run Compliance (all tests) +SCENARIO=Offline MODE=Compliance bash run_mlperf.sh + +# Build submission +VENDOR=OEM SYSTEM=1-node-2S-GNR_128C bash scripts/prepare_submission.sh diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/sut.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/sut.py new file mode 100644 index 00000000000..32ec86d5f49 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/sut.py @@ -0,0 +1,440 @@ +# Copyright (c) 2020, Cerebras Systems, Inc. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Standard packages +import sys +import os +import array +import subprocess +import math +import queue +import time +import logging +import threading + +# Common math packages +import numpy as np +from tqdm import tqdm + +# Framework packages +import torch +import torch.multiprocessing as mp +from vllm import LLM, SamplingParams + +# Optimization packages + +# Local python packages +from qsl import AudioQSL, AudioQSLInMemory +import mlperf_loadgen as lg + +logging.basicConfig(level=logging.INFO) +log = logging.getLogger("SUT") + +def void(*args, **kwargs): + pass + +# Disable prints if progress bar is active +PBAR = int(os.environ.get("PBAR", "1")) +# Update frequency of the progress bar +PBAR_FREQ = int(os.environ.get("PBAR_FREQ", "10")) +if PBAR==1: + print = void + +SAMPLE_RATE = 16000 + +labels = [" ", "a", "b", "c", "d", "e", "f", "g", "h", "i", "j", "k", "l", "m", "n", "o", "p", "q", "r", "s", "t", "u", "v", "w", "x", "y", "z", "'"] +labels_dict = {} +for i in range(len(labels)): + labels_dict[labels[i]] = i + +class Instance(mp.Process): + def __init__( + self, + model_path=None, + dataset_path=None, + manifest_filepath=None, + device="cpu", + batch_size=-1, + total_sample_count=-1, + rank=-1, + input_queue=None, + output_queue=None, + cond_var=None, + alive_counter=None, + sample_counter=None, + current_counter=None, + ): + mp.Process.__init__(self) + self.model_path = model_path + self.dataset_path = dataset_path + self.manifest_filepath = manifest_filepath + self.device = device + self.batch_size = batch_size + self.total_sample_count = total_sample_count + self.rank = rank + self.input_queue = input_queue + self.output_queue = output_queue + self.cond_var = cond_var + self.alive_counter = alive_counter + self.sample_counter = sample_counter + self.num_samples = 0 + self.total_time = 0 + self.query_idx_mapping = [] + self.qid_mapping = [] + self.req_counter = 0 + self.finished = False + self.current_counter = current_counter + + def run(self): + dataset_vocab = labels + + self.qsl = AudioQSLInMemory( + self.dataset_path, + self.manifest_filepath, + dataset_vocab, + SAMPLE_RATE, + self.total_sample_count + ) + + dtype="bfloat16" + print(f"Precision: {dtype}") + model = LLM( + model=self.model_path, + dtype=dtype, + skip_tokenizer_init=False, + trust_remote_code=True, + tensor_parallel_size=1, + max_num_seqs=64, + max_model_len=448, + max_num_batched_tokens=2000, + gpu_memory_utilization=0.95, + limit_mm_per_prompt={"audio": 1}, + # kv_cache_dtype="fp8" + ) + sampling_params = SamplingParams( + temperature=0, + top_p=1.0, + max_tokens=200, + ) + + self.model = model + self.sampling_params = sampling_params + with self.cond_var: + self.alive_counter.value += 1 + self.cond_var.notify() + + keep_alive = True + while keep_alive: + keep_alive = self.process_queries() + + def process_queries(self): + samples_to_fill = self.batch_size - self.model.llm_engine.get_num_unfinished_requests() + # After receiving None, continue executing until all requests are finished + return_value = True + if (samples_to_fill>0 and not self.finished): + try: + qitem_list = self.input_queue.get(False) + print(f"Rank {self.rank} received one query") + except queue.Empty: + # When running multiple nodes/server, it's common for some workers to not receive a query in time + # Under that scenario, the work shouldn't wait (hence get(False)), and should also not treat + # the workload as finished + qitem_list = 1 + + if qitem_list is None: + self.finished = True + elif type(qitem_list)!=int: + # TODO: use time_start_list in server + qitem_list, time_start_list = qitem_list + prompt_list = [] + for qitem in qitem_list: + prompt = self.qsl[qitem.index] + self.model.llm_engine.add_request(str(self.req_counter), prompt, self.sampling_params) + self.query_idx_mapping.append(qitem.index) + self.qid_mapping.append(qitem.id) + self.req_counter += 1 + results = [] + query_ids = [] + qid = [] + if self.model.llm_engine.has_unfinished_requests(): + print(f"Number of unfinished requests: {self.model.llm_engine.get_num_unfinished_requests()}") + + # Step once + time_prestep = time.time() + step_outputs = self.model.llm_engine.step() + print(f"Step time {time.time()-time_prestep:.3f}s") + for output in step_outputs: + request_id = int(output.request_id) + # Process finished outputs + if output.finished: + vllm_text = output.outputs[0].text + token_ids = output.outputs[0].token_ids + results.append((vllm_text, len(token_ids))) + query_ids.append(self.query_idx_mapping[request_id]) + qid.append(self.qid_mapping[request_id]) + elif self.finished: + return_value = False + else: + # Avoid excessive mpty steps + time.sleep(0.05) + + self.num_samples += len(results) + + for i,result_tuple in enumerate(results): + # Whisper outputs space in the front and capitalizes things + result, n_tokens = result_tuple + result = result.lower().strip() + transcript = [] + for s in result: + if s in labels_dict: + transcript.append(labels_dict[s]) + transcript = [transcript] + + assert len(transcript) == 1 + response_array = array.array('q', transcript[0]) + + self.output_queue.put((qid[i], n_tokens, response_array)) + # print(f"Finished {qid[i]}") + with self.cond_var: + print(f"Rank {self.rank} finished {len(results)} requests. Running counter value {self.current_counter.value}") + self.current_counter.value -= len(results) + self.cond_var.notify() + + return return_value + +class vllmSUT: + def __init__(self, dataset_dir, model_path, + manifest_filepath, perf_count, num_workers=1): + self.model_path = model_path + self.dataset_path = dataset_dir + self.manifest_filepath = manifest_filepath + self.device = "cpu" + self.batch_size = 96 + self.prefill_batch_size = 1 + self.total_sample_count = perf_count + self.num_workers = num_workers + self.worker_threads = [None] * self.num_workers + + dataset_vocab = labels + + self.dev = torch.device("xpu:0") if torch.xpu.is_available() and os.environ.get("USE_GPU", "").lower() not in [ "no", "false" ] else torch.device("cpu") + + self.sut = lg.ConstructSUT(self.issue_queries, self.flush_queries) + self.qsl = AudioQSLInMemory(dataset_dir, + manifest_filepath, + dataset_vocab, + SAMPLE_RATE, + perf_count) + + self.query_queue_list = [mp.JoinableQueue() for _ in range(self.num_workers)] + self.query_queue_int = mp.Queue() + self.current_counter_list = [mp.Value("i", 0) for _ in range(self.num_workers)] + self.output_queue = mp.Queue() + self.alive_counter = mp.Value("i", 0) + self.cond_var = mp.Condition(lock=mp.Lock()) + self.sample_counter = mp.Value("i", 0) + self.progress = None + + # When using partial nodes, not all the workers will be active + # Load balancing should be between active workers + self.allowed_workers = [] + + def start(self): + expected_counter_value = 0 + + for j in range(self.num_workers): + self.allowed_workers.append(j) + expected_counter_value += 1 + + worker = Instance( + model_path=self.model_path, + dataset_path=self.dataset_path, + manifest_filepath=self.manifest_filepath, + device=self.device, + batch_size=self.batch_size, + total_sample_count=self.total_sample_count, + rank=j, + input_queue = self.query_queue_list[j], + output_queue = self.output_queue, + cond_var = self.cond_var, + alive_counter = self.alive_counter, + sample_counter = self.sample_counter, + current_counter = self.current_counter_list[j] + ) + worker.start() + self.worker_threads[j] = worker + + with self.cond_var: + self.cond_var.wait_for(lambda: self.alive_counter.value == expected_counter_value) + + log.info(f"Starting internal issue query thread") + self.query_thread = threading.Thread(target=self.issue_queries_int) + self.query_thread.daemon = True + self.query_thread.start() + + log.info(f"Starting Loadgen response thread") + response_thread = threading.Thread(target=self.response_loadgen) + response_thread.daemon = True + response_thread.start() + + def get_best_rank(self, value_added): + current_counters = np.array([(self.current_counter_list[i].value+value_added) for i in self.allowed_workers]) # Instances priority will be ordered by their respective in-flight queries + target_rank = np.argmin(current_counters) + if current_counters[target_rank]>self.batch_size: + return -1 + else: + return self.allowed_workers[target_rank] + + def issue_queries(self, query_samples): + start_time = time.time() + if PBAR and (self.progress is None): + if len(query_samples)>1: + self.progress = tqdm(total=len(query_samples), smoothing=0.0) + else: + self.progress = tqdm(smoothing=0.0) + + query_sample_list = [] + for query_sample in query_samples: + # Continuous batching + self.query_queue_int.put((query_sample, start_time)) + + def try_dispatch( + self, + query_list, + delete_list, + bucket, + input_len_bucket, + time_start_bucket, + server=False): # Inactive for now + target_rank = -1 + wait_to_dispatch = True + while wait_to_dispatch: + with self.cond_var: + target_rank = self.get_best_rank(1) # With prepacking, prefill batch size is always 1 + if target_rank!=-1: + self.current_counter_list[target_rank].value += 1 + # Always wait for an instance with an empty slot(for now) + if target_rank==-1: + time.sleep(0.01) + else: + wait_to_dispatch = False + if target_rank!=-1: + print(f"Sending to rank {target_rank}, num_queries {len(query_list)}, before add {self.current_counter_list[target_rank].value}") + self.query_queue_list[target_rank].put((query_list, time_start_bucket)) + delete_list.append(bucket) + return True + return False + + # Generic load balancer. Watered-down version of bucketed prefill + # Since there is not bucket, there is no point to use bucketed query list + def issue_queries_int(self): + keep_alive = True + # TODO: add server and use real latency + time_left = 9999 + time_compute = 0 + time_start_list = [] + query_list = [] + + while keep_alive: + print("Length of query_list", len(query_list)) + new_query = False + try: + query = self.query_queue_int.get(timeout=0.05) + except: + pass + else: + if query is None: + keep_alive = False + else: + query, start_time = query + start_time_c = start_time + new_query = True + + if new_query: + time_start_list.append(start_time_c) + query_list.append(query) + + if len(query_list)>0: + time_wait = time.time()-time_start_list[0] + time_needed = time_wait + time_compute + # When to dispatch + # 1. Time limit passed + # 2. Reached prefill batch size + # 3. End of inference + if (time_needed > time_left) or (len(query_list)==self.prefill_batch_size) or (not keep_alive): + target_rank = -1 + # Continue trying to dispatch until there is an empty spot + while target_rank==-1: + with self.cond_var: + target_rank = self.get_best_rank(len(query_list)) + if target_rank!=-1: + self.current_counter_list[target_rank].value += len(query_list) + if target_rank==-1: + time.sleep(0.01) + print(f"Sending to rank {target_rank}, length {len(query_list)}, wait_time {time_wait:.2f}s") + self.query_queue_list[target_rank].put((query_list, time_start_list)) + query_list = [] + time_start_list = [] + + for i in range(self.num_workers): + print("Putting none in", i) + self.query_queue_list[i].put(None) + + def flush_queries(self): + self.query_queue_int.put(None) + pass + + def update_pbar(self, tok_count, last_count, update_value): + postfix_str = f"{tok_count/self.progress.format_dict['elapsed']:.1f}toks/s" + self.progress.set_postfix_str(postfix_str, refresh=False) + self.progress.update(update_value) + self.progress.refresh() + last_count += update_value + return last_count + + def response_loadgen(self): + keep_alive = True + processed_count = 0 + last_count = 0 + tok_count = 0 + while keep_alive: + result = self.output_queue.get() + if result is None: + keep_alive = False + else: + qid, n_tokens, response_array = result + bi = response_array.buffer_info() + response = lg.QuerySampleResponse(qid, bi[0], + bi[1] * response_array.itemsize, n_tokens) + lg.QuerySamplesComplete([response]) + processed_count += 1 + tok_count += n_tokens + if PBAR: + if processed_count - last_count >= PBAR_FREQ: + last_count = self.update_pbar(tok_count, last_count, PBAR_FREQ) + if PBAR and processed_count>last_count: + last_count = self.update_pbar(tok_count, last_count, processed_count-last_count) + + def stop(self): + self.output_queue.put(None) + for worker in self.worker_threads: + try: + worker.kill() + except: + pass + + + def __del__(self): + lg.DestroySUT(self.sut) + print("Finished destroying SUT.") diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/1-node-1x-BMG-Pro-B60-Dual.json b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/1-node-1x-BMG-Pro-B60-Dual.json new file mode 100644 index 00000000000..91ceef6921d --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/1-node-1x-BMG-Pro-B60-Dual.json @@ -0,0 +1,38 @@ +{ + "division": "closed", + "submitter": "Intel", + "status": "available", + "system_type":"datacenter", + "system_type_detail":"N/A", + "system_name": "1-node-2S-GNR_128C", + "number_of_nodes": "1", + "host_processor_model_name": "INTEL(R) XEON(R) 6980P", + "host_processors_per_node": "2", + "host_processor_core_count": "128", + "host_processor_frequency": "N/A", + "host_processor_caches": "N/A", + "host_memory_configuration": "24 slots per socket / 96GB each / 8800 MT/s DDR5 (MRDIMM)", + "host_memory_capacity": "2304GB", + "host_storage_capacity": "N/A", + "host_storage_type": "N/A", + "host_processor_interconnect": "N/A", + "host_networking": "I210 Gigabit Network Connection", + "host_networking_topology": "N/A", + "host_network_card_count": "1", + "accelerators_per_node": "0", + "accelerator_model_name": "N/A", + "accelerator_frequency": "N/A", + "accelerator_host_interconnect": "N/A", + "accelerator_interconnect": "N/A", + "accelerator_interconnect_topology": "N/A", + "accelerator_memory_capacity": "N/A", + "accelerator_memory_configuration": "N/A", + "accelerator_on-chip_memories": "N/A", + "cooling": "Air", + "hw_notes": "N/A", + + "framework": "PyTorch", + "operating_system": "CentOS Stream 9", + "other_software_stack": "6.12.0", + "sw_notes": "N/A" +} diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/user.conf.1-node-1x-BMG-Pro-B60-Dual b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/user.conf.1-node-1x-BMG-Pro-B60-Dual new file mode 100644 index 00000000000..f538532ee7b --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/systems/user.conf.1-node-1x-BMG-Pro-B60-Dual @@ -0,0 +1 @@ +whisper.Offline.min_query_count = 18000 diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/test.py b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/test.py new file mode 100644 index 00000000000..0dcfb48f4f5 --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/test.py @@ -0,0 +1,125 @@ +# from numa import schedule, memory +from vllm import LLM, SamplingParams +import os +import time + +import librosa +import torch +from vllm.config import CompilationConfig, CompilationLevel +# NODE_LIST = [5] +# OMP_NUM_THREADS = 6 +# START_CORE = 214 +# OMP_THREADS_BIND = f"{START_CORE}-{START_CORE+OMP_NUM_THREADS-1}" +MODEL_PATH="/model/whisper-large-v3/" +# MODEL_PATH = "/model/whisper-large-v3-w4a8g-1" +SAMPLE = "/data/dev-all-repack/116-288045_0.wav" +PREFILL_BATCH_SIZE=1 +DECODE_BATCH_SIZE=1 + +# os.environ["VLLM_CPU_OMP_THREADS_BIND"]=f"{OMP_THREADS_BIND}" +# os.environ["OMP_NUM_THREADS"]=f"{OMP_NUM_THREADS}" +# os.environ["VLLM_CPU_KVCACHE_SPACE"]="32" + +def setup_profiler(enabled): + if not enabled: + return None + schedule = torch.profiler.schedule(wait=0, warmup=0, active=1, repeat=0) + DEVICE = 'xpu:0' + activities = [torch.profiler.ProfilerActivity.XPU] + + profiler = torch.profiler.profile( + schedule=schedule, + activities=activities, + #debug_activities=debug_activities, + # on_trace_ready=torch.profiler.tensorboard_trace_handler( + # 'pytorch_profiler_internal', + # use_gzip=True), + record_shapes=True, + profile_memory=True, + with_flops=True, + with_stack=True) + return profiler + +class DummyProfiler: + def start(*args, **kwargs): + pass + def step(*args, **kwargs): + pass + def stop(*args, **kwargs): + pass + +def main(): + # profiler_prefill = DummyProfiler() + # profiler_decode = DummyProfiler() + enabled = False + profiler_prefill = setup_profiler(enabled) + profiler_decode = setup_profiler(enabled) + # memory.set_membind_nodes(*NODE_LIST) + prompt = { + "prompt": "<|startoftranscript|><|en|><|transcribe|><|notimestamps|>", + "multi_modal_data": { + "audio": librosa.load(SAMPLE, sr=16000) + }, + } + print("Audio length", len(prompt["multi_modal_data"]["audio"][0])) + model = LLM( + model=MODEL_PATH, + dtype="bfloat16", + skip_tokenizer_init=False, + # trust_remote_code=True, + tensor_parallel_size=1, + max_num_seqs=DECODE_BATCH_SIZE, + max_model_len=448, + # max_num_batched_tokens=800, + gpu_memory_utilization=0.4, + # num_scheduler_steps=1, + limit_mm_per_prompt={"audio": 1}, + kv_cache_dtype="auto", + compilation_config=CompilationConfig( + level=CompilationLevel.PIECEWISE, + use_inductor=True, + # compile_sizes=[64,128,256], + ) + ) + sampling_params = SamplingParams( + temperature=0, + top_p=1.0, + max_tokens=200 + ) + + req_counter = 0 + + # Prefill + if enabled: + profiler_prefill.start() + for i in range(DECODE_BATCH_SIZE): + for j in range(PREFILL_BATCH_SIZE): + model.llm_engine.add_request(str(req_counter), prompt, sampling_params) + req_counter += 1 + end = time.time() + model.llm_engine.step() + if enabled: + profiler_prefill.step() + print(f"Prefill bs={PREFILL_BATCH_SIZE} time {(time.time()-end)*1000:.2f}ms") + if enabled: + profiler_prefill.stop() + + # Decode + results = [] + if enabled: + profiler_decode.start() + while model.llm_engine.has_unfinished_requests(): + end = time.time() + step_outputs = model.llm_engine.step() + if enabled: + profiler_decode.step() + print(f"Decode bs={DECODE_BATCH_SIZE} time {(time.time()-end)*1000:.2f}ms") + for output in step_outputs: + if output.finished: + id = int(output.request_id) + print(f"Finished 1, {output.outputs[0].text}") + if enabled: + profiler_decode.stop() + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/tmp b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/tmp new file mode 100644 index 00000000000..e5c7f6581ca --- /dev/null +++ b/examples/pytorch/nlp/huggingface_models/language-modeling/mlperf/whisper/tmp @@ -0,0 +1,57 @@ +py-libnuma==1.2 +nltk==3.9.1 +evaluate==0.4.3 +rouge_score==0.1.2 +pybind11==3.0.0 +ninja==1.11.1.4 +cmake==4.0.3 +wheel==0.45.1 +setuptools==80.9.0 +setuptools_scm==8.3.1 +auto-round==0.6.0 +llmcompressor==0.6.0.1 + +# vllm reqs +cachetools==6.1.0 +cloudpickle==3.1.1 +psutil==7.0.0 +blake3==1.0.5 +depyf==0.18.0 +lark==1.2.2 +numba==0.60.0 +outlines==0.1.11 +xgrammar==0.1.19 +py-cpuinfo==9.0.0 +einops==0.8.1 +fastapi[standard]==0.116.1 +gguf==0.17.1 +llguidance==0.7.30 +lm-format-enforcer==0.10.11 +mistral_common[opencv]==1.8.3 +openai==1.98.0 +opencv-python-headless +opentelemetry-api==1.36.0 +opentelemetry-exporter-otlp==1.36.0 +opentelemetry-sdk==1.36.0 +opentelemetry-semantic-conventions-ai==0.4.12 +partial-json-parser==0.2.1.1.post6 +prometheus_client==0.22.1 +prometheus-fastapi-instrumentator==7.1.0 +protobuf==6.31.1 +python-json-logger==3.3.0 +pyzmq==27.0.0 +ray==2.48.0 +scipy==1.15.3 +watchfiles==1.1.0 +msgspec==0.19.0 + +# ipex reqs +ruamel.yaml==0.18.14 + +torch==2.7.0+xpu +torchaudio +torchvision +--extra-index-url=https://download.pytorch.org/whl/xpu + +oneccl_bind_pt==2.7.0+xpu +--extra-index-url=https://pytorch-extension.intel.com/release-whl/stable/xpu/us/